RedTachyon commited on
Commit
31b6e27
0 Parent(s):

Initial commit from GitHub repository without history

Browse files
.env ADDED
@@ -0,0 +1 @@
 
 
1
+ OPENAI_API_KEY=<snip>
.gitattributes ADDED
@@ -0,0 +1,35 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ *.7z filter=lfs diff=lfs merge=lfs -text
2
+ *.arrow filter=lfs diff=lfs merge=lfs -text
3
+ *.bin filter=lfs diff=lfs merge=lfs -text
4
+ *.bz2 filter=lfs diff=lfs merge=lfs -text
5
+ *.ckpt filter=lfs diff=lfs merge=lfs -text
6
+ *.ftz filter=lfs diff=lfs merge=lfs -text
7
+ *.gz filter=lfs diff=lfs merge=lfs -text
8
+ *.h5 filter=lfs diff=lfs merge=lfs -text
9
+ *.joblib filter=lfs diff=lfs merge=lfs -text
10
+ *.lfs.* filter=lfs diff=lfs merge=lfs -text
11
+ *.mlmodel filter=lfs diff=lfs merge=lfs -text
12
+ *.model filter=lfs diff=lfs merge=lfs -text
13
+ *.msgpack filter=lfs diff=lfs merge=lfs -text
14
+ *.npy filter=lfs diff=lfs merge=lfs -text
15
+ *.npz filter=lfs diff=lfs merge=lfs -text
16
+ *.onnx filter=lfs diff=lfs merge=lfs -text
17
+ *.ot filter=lfs diff=lfs merge=lfs -text
18
+ *.parquet filter=lfs diff=lfs merge=lfs -text
19
+ *.pb filter=lfs diff=lfs merge=lfs -text
20
+ *.pickle filter=lfs diff=lfs merge=lfs -text
21
+ *.pkl filter=lfs diff=lfs merge=lfs -text
22
+ *.pt filter=lfs diff=lfs merge=lfs -text
23
+ *.pth filter=lfs diff=lfs merge=lfs -text
24
+ *.rar filter=lfs diff=lfs merge=lfs -text
25
+ *.safetensors filter=lfs diff=lfs merge=lfs -text
26
+ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
27
+ *.tar.* filter=lfs diff=lfs merge=lfs -text
28
+ *.tar filter=lfs diff=lfs merge=lfs -text
29
+ *.tflite filter=lfs diff=lfs merge=lfs -text
30
+ *.tgz filter=lfs diff=lfs merge=lfs -text
31
+ *.wasm filter=lfs diff=lfs merge=lfs -text
32
+ *.xz filter=lfs diff=lfs merge=lfs -text
33
+ *.zip filter=lfs diff=lfs merge=lfs -text
34
+ *.zst filter=lfs diff=lfs merge=lfs -text
35
+ *tfevents* filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,59 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Hot Ones trivia bot
2
+
3
+ This is a simple trivia bot as discussed during the last call.
4
+
5
+ ## Implementation logic
6
+
7
+ The words that guide the philosophy of this implementation are:
8
+
9
+ > np.array
10
+ >
11
+ > people keep reaching for much fancier things way too fast these days
12
+
13
+ ~Andrej Karpathy
14
+ https://x.com/karpathy/status/1647374645316968449?lang=en
15
+
16
+ That is, I'm keeping it as simple as possible, but not any simpler.
17
+
18
+ I implemented two strategies:
19
+ - Simple one-shot retrieval: embed the question and all the chunks of the transcript, and then find the chunk that is closest to the question using cosine similarity.
20
+ - Agentic-ish retrieval: do the same, rank all chunks by similarity. Check the first chunk, ask the model if it thinks it found the right answer. If it did, great. If it didn't, check the next chunk.
21
+
22
+
23
+ ### Q&A
24
+ - **Q**: Why aren't you using a proper vector database/RAG framework/ollama/verba/weaviate/llamaindex/langchain/...?
25
+ - **A**: Because it's not necessary. Going back to our discussion about the happy path, these solutions are ideal if the data is large and on the happy path. For the task at hand, using these libraries would make the implementation more complex, possibly slower, possibly more costly (if we're using a hosted database), so it'd be a bunch of extra effort for negative value and possible vendor lock-in. Also, if it's good enough for Karpathy, it's good enough for me.
26
+
27
+
28
+ - **Q**: How well does this work?
29
+ - **A**: From some quick tests, the one-shot retrieval sometimes works, but mostly it doesn't. The agentic retrieval tends to work, but sometimes it has to search through a bunch of chunks. With better RAG, this would be mitigated, but we go back to the cost-quality trade-off.
30
+
31
+
32
+ - **Q**: Why is XYZ unpolished?
33
+ - **A**: I'm trying to keep it relatively simple and not spend too much time on it. My priority, was to have a system working end-to-end, featuring some of the components that we discussed. I also tried to keep some basic best practices with some tests and keeping the code relatively clean - though it would need some more attention for a production system.
34
+
35
+ ## Repo structure
36
+
37
+ - `run_trivia.py` - the main entry point to the program. When you run it, it will start a gradio app with the bot. There are some command-line arguments to facilitate using different embedding sizes/chunk sizes/sample questions.
38
+ - `app.py` - the same as above, but you pass the API key in the UI itself. Convenient for public hosting.
39
+ - `preprocessing.py` - a script for preprocessing the data by attaching embeddings and relevant metadata. It takes each transcript, chunks it to a specified maximum size (in tokens), embeds it with OpenAI, attaches the relevant metadata, and saves everything in a file.
40
+ - `prompts.py` - a file with the prompts and a utility function.
41
+ - `generate_questions.ipynb` - a notebook that generates some sample questions for each episode. If this were a more reusable component, I would have turned it into a script, but I can run it once and push the results to git, or you can do so yourself to regenerate the data.
42
+ - `core.py` - some general-purpose dataclasses and functions
43
+ - `exploration.ipynb` - you probably don't care about it, but it's somewhat reflective of my exploratory workflow.
44
+
45
+ ## How to run
46
+
47
+ 1. Clone the repo, setup a virtual environment, install requirements, all that jazz
48
+ 2. Add the OpenAI API key to `.env` file (or otherwise set the `OPENAI_API_KEY` environment variable)
49
+ 3. Run `python run_trivia.py` for the default settings, OR run `python run_trivia_open.py` to run without needing to have an API key in the environment.
50
+
51
+
52
+ ## How to use?
53
+
54
+ When you run `run_trivia.py`, it will start a gradio app. Navigate to `localhost:7860` in your browser, and use the text box on the left to ask questions. There are also some suggested questions below that you can click to pre-fill the text box.
55
+ When you're happy with the question, submit it, and let the bot do its magic. Below the question box, there's also a button to enable the agentic retrieval mode. Note that this will make more API requests, but is more likely to find the right answer - you can watch its progress in the secondary text output on the right.
56
+
57
+ ## Anecdotes
58
+
59
+ Obviously, all of this relies heavily on the performance of LLMs, and hallucinations are not entirely eliminated. For example, one time when I was checking the reference link, I literally got rickrolled by GPT-4.
app.py ADDED
@@ -0,0 +1,139 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import pickle
2
+ import json
3
+
4
+ import dotenv
5
+ import gradio as gr
6
+ import numpy as np
7
+ import random
8
+ from typarse import BaseParser
9
+
10
+ from core import get_one_embedding, Chunk, Dataset
11
+
12
+ from openai import OpenAI
13
+
14
+ from prompts import get_initial_messages
15
+
16
+ random.seed(42)
17
+
18
+ class Parser(BaseParser):
19
+ data_path: str = "data4k.pkl"
20
+ questions_path: str = "questions.json"
21
+
22
+ def cosine_similarity(query: np.ndarray, embeddings: np.ndarray) -> np.ndarray:
23
+ dot_product = np.dot(embeddings, query)
24
+ query_norm = np.linalg.norm(query)
25
+ embeddings_norm = np.linalg.norm(embeddings, axis=1)
26
+ return dot_product / (query_norm * embeddings_norm)
27
+
28
+ def rank_chunks(
29
+ client: OpenAI,
30
+ question: str,
31
+ dataset: Dataset,
32
+ model: str = "text-embedding-3-small",
33
+ ) -> list[Chunk]:
34
+ embeddings = dataset.embeddings
35
+ chunk_metadata = dataset.chunks
36
+
37
+ q_embedding = get_one_embedding(client, question, model)
38
+ similarities = cosine_similarity(q_embedding, embeddings)
39
+
40
+ sorted_indices = np.argsort(similarities)[::-1]
41
+ return [chunk_metadata[i] for i in sorted_indices]
42
+
43
+ if __name__ == "__main__":
44
+ dotenv.load_dotenv()
45
+
46
+ args = Parser()
47
+
48
+ with open(args.data_path, "rb") as f:
49
+ data: Dataset = pickle.load(f)
50
+
51
+ with open(args.questions_path, "r") as f:
52
+ questions = json.load(f)
53
+
54
+ select_questions = random.sample(questions, 3)
55
+
56
+ select_questions = [
57
+ "Which guest worked at Abercrombie and Fitch?",
58
+ "Who failed making pastries as a teenager?",
59
+ ] + select_questions
60
+
61
+ def get_answer(api_key: str, query: str) -> tuple[str, str]:
62
+ client = OpenAI(api_key=api_key)
63
+ sorted_chunks = rank_chunks(client, query, data)
64
+
65
+ best_chunk = sorted_chunks[0]
66
+ print(f"Looking at chunk from video {best_chunk.title}")
67
+ messages = get_initial_messages(query, best_chunk)
68
+
69
+ completion = client.chat.completions.create(
70
+ model="gpt-4o",
71
+ messages=messages,
72
+ )
73
+
74
+ context = f"Looking at the video titled {best_chunk.title}"
75
+
76
+ return completion.choices[0].message.content, context
77
+
78
+ def get_answer_better(api_key: str, query: str) -> str:
79
+ client = OpenAI(api_key=api_key)
80
+ print(f"Looking for answer to question: {query}")
81
+ sorted_chunks = rank_chunks(client, query, data)
82
+
83
+ for chunk in sorted_chunks:
84
+ print(f"Looking at chunk from video {chunk.title}")
85
+ context = f"Looking at the video titled {chunk.title}"
86
+
87
+ yield None, context
88
+
89
+ messages = get_initial_messages(query, chunk)
90
+
91
+ completion = client.chat.completions.create(
92
+ model="gpt-4o",
93
+ messages=messages,
94
+ )
95
+
96
+ res = completion.choices[0].message.content
97
+
98
+ if "<|UNKNOWN|>" not in res:
99
+ yield res, context
100
+ break
101
+ else:
102
+ yield "Not sure, still looking", context
103
+
104
+ def trivia_app(api_key: str, query: str, use_multiple: bool) -> tuple[str, str]:
105
+ if use_multiple:
106
+ print("Using multiple chunks")
107
+ yield from get_answer_better(api_key, query)
108
+ else:
109
+ print("Using single chunk")
110
+ yield get_answer(api_key, query)
111
+
112
+ with gr.Blocks() as interface:
113
+ gr.Markdown("# Trivia Question Answering App")
114
+ with gr.Row():
115
+ with gr.Column():
116
+ api_key_box = gr.Textbox(
117
+ lines=1, placeholder="Enter your OpenAI API key here...", type="password"
118
+ )
119
+ question_box = gr.Textbox(
120
+ lines=2, placeholder="Enter your trivia question here..."
121
+ )
122
+ answer_button = gr.Button("Get Answer")
123
+ examples = gr.Examples(
124
+ select_questions, label="Example Questions", inputs=[question_box]
125
+ )
126
+ use_multiple = gr.Checkbox(
127
+ label="Search across multiple chunks", key="better"
128
+ )
129
+ with gr.Column():
130
+ answer_box = gr.Markdown("The answer will appear here...")
131
+ context_box = gr.Textbox(label="Context")
132
+
133
+ answer_button.click(
134
+ fn=trivia_app,
135
+ inputs=[api_key_box, question_box, use_multiple],
136
+ outputs=[answer_box, context_box],
137
+ )
138
+
139
+ interface.launch()
core.py ADDED
@@ -0,0 +1,38 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import dataclasses
2
+
3
+ import numpy as np
4
+ from openai import OpenAI
5
+
6
+
7
+ def get_batch_embeddings(
8
+ client: OpenAI, texts: list[str], model="text-embedding-3-small"
9
+ ) -> np.ndarray:
10
+ embeddings = client.embeddings.create(input=texts, model=model)
11
+ np_embeddings = np.array(
12
+ [embeddings.data[i].embedding for i in range(len(embeddings.data))]
13
+ )
14
+ return np_embeddings
15
+
16
+
17
+ def get_one_embedding(
18
+ client: OpenAI, text: str, model="text-embedding-3-small"
19
+ ) -> np.ndarray:
20
+ embedding = client.embeddings.create(input=[text], model=model).data[0].embedding
21
+ return np.array(embedding)
22
+
23
+
24
+ @dataclasses.dataclass
25
+ class Chunk:
26
+ text: str
27
+ title: str
28
+ video_idx: int
29
+ link: str
30
+
31
+
32
+ @dataclasses.dataclass
33
+ class Dataset:
34
+ chunks: list[Chunk]
35
+ embeddings: np.ndarray
36
+
37
+ def __len__(self):
38
+ return len(self.chunks)
exploration.ipynb ADDED
@@ -0,0 +1,1625 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "code",
5
+ "outputs": [],
6
+ "source": [
7
+ "import numpy as np\n",
8
+ "import dataclasses\n",
9
+ "import pandas as pd\n",
10
+ "from tqdm.auto import tqdm, trange\n",
11
+ "\n",
12
+ "import dotenv\n",
13
+ "import openai\n",
14
+ "import requests"
15
+ ],
16
+ "metadata": {
17
+ "collapsed": false,
18
+ "ExecuteTime": {
19
+ "end_time": "2024-05-22T22:19:14.165364Z",
20
+ "start_time": "2024-05-22T22:19:14.133654Z"
21
+ }
22
+ },
23
+ "id": "134eed9b62408edc",
24
+ "execution_count": 153
25
+ },
26
+ {
27
+ "cell_type": "code",
28
+ "outputs": [
29
+ {
30
+ "data": {
31
+ "text/plain": "True"
32
+ },
33
+ "execution_count": 12,
34
+ "metadata": {},
35
+ "output_type": "execute_result"
36
+ }
37
+ ],
38
+ "source": [
39
+ "dotenv.load_dotenv()"
40
+ ],
41
+ "metadata": {
42
+ "collapsed": false,
43
+ "ExecuteTime": {
44
+ "end_time": "2024-05-22T20:28:08.220256Z",
45
+ "start_time": "2024-05-22T20:28:08.216074Z"
46
+ }
47
+ },
48
+ "id": "5b95753383405dc2",
49
+ "execution_count": 12
50
+ },
51
+ {
52
+ "cell_type": "code",
53
+ "outputs": [],
54
+ "source": [
55
+ "def get_youtube_title(url: str) -> str:\n",
56
+ " video_id = url.split(\"v=\")[-1]\n",
57
+ " api_url = f\"https://www.youtube.com/oembed?url=http://www.youtube.com/watch?v={video_id}&format=json\"\n",
58
+ " response = requests.get(api_url)\n",
59
+ " if response.status_code == 200:\n",
60
+ " data = response.json()\n",
61
+ " return data['title']\n",
62
+ " else:\n",
63
+ " return \"Error retrieving title\"\n",
64
+ "\n",
65
+ "# video_url = \"https://www.youtube.com/watch?v=4E2EbGoXlPQ\"\n",
66
+ "# title = get_youtube_title(video_url)\n",
67
+ "# print(title)\n"
68
+ ],
69
+ "metadata": {
70
+ "collapsed": false,
71
+ "ExecuteTime": {
72
+ "end_time": "2024-05-22T22:18:03.386331Z",
73
+ "start_time": "2024-05-22T22:18:03.380694Z"
74
+ }
75
+ },
76
+ "id": "826f159b67e1db55",
77
+ "execution_count": 146
78
+ },
79
+ {
80
+ "cell_type": "code",
81
+ "outputs": [
82
+ {
83
+ "data": {
84
+ "text/plain": " 0%| | 0/17 [00:00<?, ?it/s]",
85
+ "application/vnd.jupyter.widget-view+json": {
86
+ "version_major": 2,
87
+ "version_minor": 0,
88
+ "model_id": "4302559abc764782871512856754d078"
89
+ }
90
+ },
91
+ "metadata": {},
92
+ "output_type": "display_data"
93
+ }
94
+ ],
95
+ "source": [
96
+ "links = pd.read_csv(\"links.csv\").URL.tolist()\n",
97
+ "titles = [get_youtube_title(link) for link in tqdm(links)]"
98
+ ],
99
+ "metadata": {
100
+ "collapsed": false,
101
+ "ExecuteTime": {
102
+ "end_time": "2024-05-22T22:19:17.790790Z",
103
+ "start_time": "2024-05-22T22:19:16.254979Z"
104
+ }
105
+ },
106
+ "id": "25437071fe6d6477",
107
+ "execution_count": 154
108
+ },
109
+ {
110
+ "cell_type": "code",
111
+ "outputs": [],
112
+ "source": [
113
+ "episodes = []\n",
114
+ "\n",
115
+ "for i in range(17):\n",
116
+ " filename = f\"transcripts/{i}.vtt\"\n",
117
+ " with open(filename, \"r\") as file:\n",
118
+ " data = file.read()\n",
119
+ " episodes.append(data)"
120
+ ],
121
+ "metadata": {
122
+ "collapsed": false,
123
+ "ExecuteTime": {
124
+ "end_time": "2024-05-22T20:27:57.385211Z",
125
+ "start_time": "2024-05-22T20:27:57.380225Z"
126
+ }
127
+ },
128
+ "id": "99dd1095d28bcc31",
129
+ "execution_count": 10
130
+ },
131
+ {
132
+ "cell_type": "code",
133
+ "outputs": [
134
+ {
135
+ "data": {
136
+ "text/plain": "[2.1432059577585156,\n 0.279819313881089,\n 3.282505188621658,\n 2.076791600537175,\n 2.153216945427909,\n 1.9267488707117568,\n 1.808448296911244,\n 1.7863508729092907,\n 2.1497985593944575,\n 1.8603345134904163,\n 1.9416432670003663,\n 2.266634110609205,\n 1.9544622146258088,\n 0.2497863508729093,\n 0.5919912098644854,\n 2.005005493834697,\n 0.2887315346111586]"
137
+ },
138
+ "execution_count": 26,
139
+ "metadata": {},
140
+ "output_type": "execute_result"
141
+ }
142
+ ],
143
+ "source": [
144
+ "import tiktoken\n",
145
+ "import math\n",
146
+ "\n",
147
+ "def num_tokens_from_string(string: str, encoding_name: str) -> int:\n",
148
+ " \"\"\"Returns the number of tokens in a text string.\"\"\"\n",
149
+ " encoding = tiktoken.get_encoding(encoding_name)\n",
150
+ " num_tokens = len(encoding.encode(string))\n",
151
+ " return num_tokens\n",
152
+ "\n",
153
+ "def required_chunks(text: str, max_tokens: int = 8191, encoding_name: str = \"cl100k_base\") -> int:\n",
154
+ " \"\"\"Returns the number of chunks required to fit the text within the token limit.\"\"\"\n",
155
+ " num_tokens = num_tokens_from_string(text, encoding_name)\n",
156
+ " num_chunks = num_tokens // max_tokens\n",
157
+ " if num_tokens % max_tokens != 0:\n",
158
+ " num_chunks += 1\n",
159
+ " return num_chunks\n",
160
+ "\n",
161
+ "def split_in_chunks(text: str) -> list[str]:\n",
162
+ " \"\"\"Split a text into chunks of equal number of tokens.\"\"\"\n",
163
+ " num_chunks = required_chunks(text)\n",
164
+ " encoding = tiktoken.get_encoding(\"cl100k_base\")\n",
165
+ " tokens = encoding.encode(text)\n",
166
+ " chunk_size = math.ceil(len(tokens) / num_chunks)\n",
167
+ "\n",
168
+ " chunks = []\n",
169
+ " current_chunk = 0\n",
170
+ " for i, token in enumerate(tokens):\n",
171
+ " if i % chunk_size == 0:\n",
172
+ " chunks.append(\"\")\n",
173
+ " current_chunk += 1\n",
174
+ " chunks[current_chunk - 1] += encoding.decode([token])\n",
175
+ " \n",
176
+ " \n",
177
+ " \n",
178
+ " return chunks\n",
179
+ " "
180
+ ],
181
+ "metadata": {
182
+ "collapsed": false,
183
+ "ExecuteTime": {
184
+ "end_time": "2024-05-22T20:39:04.247749Z",
185
+ "start_time": "2024-05-22T20:39:04.182789Z"
186
+ }
187
+ },
188
+ "id": "cb5d34291dd2294f",
189
+ "execution_count": 26
190
+ },
191
+ {
192
+ "cell_type": "code",
193
+ "outputs": [],
194
+ "source": [
195
+ "episode_chunks = [split_in_chunks(episodes[i]) for i in range(17)]"
196
+ ],
197
+ "metadata": {
198
+ "collapsed": false,
199
+ "ExecuteTime": {
200
+ "end_time": "2024-05-22T21:04:52.893004Z",
201
+ "start_time": "2024-05-22T21:04:52.658609Z"
202
+ }
203
+ },
204
+ "id": "32f2bfff87abe244",
205
+ "execution_count": 72
206
+ },
207
+ {
208
+ "cell_type": "code",
209
+ "outputs": [],
210
+ "source": [
211
+ "chunk_labels = [f\"Episode {i} - Chunk {j}\" for i in range(17) for j in range(len(episode_chunks[i]))]"
212
+ ],
213
+ "metadata": {
214
+ "collapsed": false,
215
+ "ExecuteTime": {
216
+ "end_time": "2024-05-22T21:54:17.848294Z",
217
+ "start_time": "2024-05-22T21:54:17.843313Z"
218
+ }
219
+ },
220
+ "id": "9e5d43986fc144ce",
221
+ "execution_count": 130
222
+ },
223
+ {
224
+ "cell_type": "code",
225
+ "outputs": [],
226
+ "source": [
227
+ "@dataclasses.dataclass\n",
228
+ "class Chunk:\n",
229
+ " text: str\n",
230
+ " title: str\n",
231
+ " video_idx: int\n",
232
+ " embedding: np.ndarray | None\n",
233
+ " link: str"
234
+ ],
235
+ "metadata": {
236
+ "collapsed": false,
237
+ "ExecuteTime": {
238
+ "end_time": "2024-05-22T22:39:40.273669Z",
239
+ "start_time": "2024-05-22T22:39:40.269177Z"
240
+ }
241
+ },
242
+ "id": "3a803b518ec99194",
243
+ "execution_count": 170
244
+ },
245
+ {
246
+ "cell_type": "code",
247
+ "outputs": [],
248
+ "source": [
249
+ "# chunk_metadata = [\n",
250
+ "# {\n",
251
+ "# \"title\": titles[i],\n",
252
+ "# \"video_idx\": i,\n",
253
+ "# \"chunk_idx\": j,\n",
254
+ "# \"text\": episode_chunks[i][j],\n",
255
+ "# \"link\": links[i],\n",
256
+ "# }\n",
257
+ "# for i in range(17)\n",
258
+ "# for j in range(len(episode_chunks[i]))\n",
259
+ "# ]\n",
260
+ "\n",
261
+ "chunk_metadata = [\n",
262
+ " Chunk(\n",
263
+ " title=titles[i],\n",
264
+ " video_idx=i,\n",
265
+ " text=episode_chunks[i][j],\n",
266
+ " link=links[i],\n",
267
+ " embedding=None\n",
268
+ " )\n",
269
+ " for i in range(17)\n",
270
+ " for j in range(len(episode_chunks[i]))\n",
271
+ "]"
272
+ ],
273
+ "metadata": {
274
+ "collapsed": false,
275
+ "ExecuteTime": {
276
+ "end_time": "2024-05-22T22:39:43.632154Z",
277
+ "start_time": "2024-05-22T22:39:43.628758Z"
278
+ }
279
+ },
280
+ "id": "42fbe8399eb49e67",
281
+ "execution_count": 171
282
+ },
283
+ {
284
+ "cell_type": "code",
285
+ "outputs": [],
286
+ "source": [
287
+ "chunks = sum([split_in_chunks(episodes[i]) for i in range(17)], [])"
288
+ ],
289
+ "metadata": {
290
+ "collapsed": false,
291
+ "ExecuteTime": {
292
+ "end_time": "2024-05-22T22:39:46.243391Z",
293
+ "start_time": "2024-05-22T22:39:46.006589Z"
294
+ }
295
+ },
296
+ "id": "419f98cac7daa965",
297
+ "execution_count": 172
298
+ },
299
+ {
300
+ "cell_type": "code",
301
+ "outputs": [],
302
+ "source": [
303
+ "chunk_token_counts = [num_tokens_from_string(chunk, \"cl100k_base\") for chunk in chunks]"
304
+ ],
305
+ "metadata": {
306
+ "collapsed": false,
307
+ "ExecuteTime": {
308
+ "end_time": "2024-05-22T22:39:47.633546Z",
309
+ "start_time": "2024-05-22T22:39:47.561055Z"
310
+ }
311
+ },
312
+ "id": "89d7561fe100143c",
313
+ "execution_count": 173
314
+ },
315
+ {
316
+ "cell_type": "code",
317
+ "outputs": [],
318
+ "source": [
319
+ "from openai import OpenAI\n",
320
+ "client = OpenAI()"
321
+ ],
322
+ "metadata": {
323
+ "collapsed": false,
324
+ "ExecuteTime": {
325
+ "end_time": "2024-05-22T21:25:49.514879Z",
326
+ "start_time": "2024-05-22T21:25:49.493593Z"
327
+ }
328
+ },
329
+ "id": "688c1ec3b92c3e34",
330
+ "execution_count": 79
331
+ },
332
+ {
333
+ "cell_type": "code",
334
+ "outputs": [],
335
+ "source": [
336
+ "def get_batch_embeddings(texts: list[str], model=\"text-embedding-3-small\") -> np.ndarray:\n",
337
+ " embeddings = client.embeddings.create(input = texts, model=model)\n",
338
+ " np_embeddings = np.array([embeddings.data[i].embedding for i in range(len(embeddings.data))])\n",
339
+ " return np_embeddings\n",
340
+ "\n",
341
+ "def get_one_embedding(text: str, model=\"text-embedding-3-small\") -> np.ndarray:\n",
342
+ " embedding = client.embeddings.create(input = [text], model=model).data[0].embedding\n",
343
+ " return np.array(embedding)"
344
+ ],
345
+ "metadata": {
346
+ "collapsed": false
347
+ },
348
+ "id": "b6b8a393180e343"
349
+ },
350
+ {
351
+ "cell_type": "code",
352
+ "outputs": [],
353
+ "source": [
354
+ "embeddings = get_batch_embeddings(chunks)"
355
+ ],
356
+ "metadata": {
357
+ "collapsed": false,
358
+ "ExecuteTime": {
359
+ "end_time": "2024-05-22T22:40:21.603794Z",
360
+ "start_time": "2024-05-22T22:40:21.601418Z"
361
+ }
362
+ },
363
+ "id": "2249b8b7981e1914",
364
+ "execution_count": 174
365
+ },
366
+ {
367
+ "cell_type": "code",
368
+ "outputs": [],
369
+ "source": [
370
+ "q_embedding = get_one_embedding(\"Which guest worked at Abercrombie and Fitch?\")"
371
+ ],
372
+ "metadata": {
373
+ "collapsed": false,
374
+ "ExecuteTime": {
375
+ "end_time": "2024-05-22T21:34:51.814076Z",
376
+ "start_time": "2024-05-22T21:34:51.437910Z"
377
+ }
378
+ },
379
+ "id": "26173f98e6f7d18e",
380
+ "execution_count": 103
381
+ },
382
+ {
383
+ "cell_type": "code",
384
+ "outputs": [
385
+ {
386
+ "data": {
387
+ "text/plain": "array([[ 0.05489639, -0.03947796, -0.00708231, ..., -0.0492712 ,\n -0.0219755 , 0.00376565],\n [ 0.04212333, -0.04137598, -0.01890454, ..., -0.04766051,\n -0.01154145, 0.00671765],\n [ 0.07459503, -0.04596259, -0.05516139, ..., -0.03984053,\n -0.00084816, -0.00865723],\n ...,\n [ 0.07094361, -0.04828836, -0.03882921, ..., -0.03272748,\n -0.00387197, 0.00732427],\n [ 0.05223813, -0.03542471, -0.05290401, ..., -0.03595741,\n 0.00376637, -0.01817847],\n [ 0.02517771, -0.03395098, -0.05561592, ..., -0.00542056,\n 0.00621656, -0.00047452]])"
388
+ },
389
+ "execution_count": 180,
390
+ "metadata": {},
391
+ "output_type": "execute_result"
392
+ }
393
+ ],
394
+ "source": [
395
+ "embeddings"
396
+ ],
397
+ "metadata": {
398
+ "collapsed": false,
399
+ "ExecuteTime": {
400
+ "end_time": "2024-05-22T22:40:50.999266Z",
401
+ "start_time": "2024-05-22T22:40:50.996608Z"
402
+ }
403
+ },
404
+ "id": "a49a5f2210f865b2",
405
+ "execution_count": 180
406
+ },
407
+ {
408
+ "cell_type": "code",
409
+ "outputs": [],
410
+ "source": [
411
+ "def cosine_similarity(query: np.ndarray, embeddings: np.ndarray) -> np.ndarray:\n",
412
+ " dot_product = np.dot(embeddings, query)\n",
413
+ " query_norm = np.linalg.norm(query)\n",
414
+ " embeddings_norm = np.linalg.norm(embeddings, axis=1)\n",
415
+ " return dot_product / (query_norm * embeddings_norm)"
416
+ ],
417
+ "metadata": {
418
+ "collapsed": false,
419
+ "ExecuteTime": {
420
+ "end_time": "2024-05-22T22:41:00.824586Z",
421
+ "start_time": "2024-05-22T22:41:00.822881Z"
422
+ }
423
+ },
424
+ "id": "4fc76e627325737a",
425
+ "execution_count": 181
426
+ },
427
+ {
428
+ "cell_type": "code",
429
+ "outputs": [],
430
+ "source": [
431
+ "similarities = cosine_similarity(q_embedding, embeddings)"
432
+ ],
433
+ "metadata": {
434
+ "collapsed": false,
435
+ "ExecuteTime": {
436
+ "end_time": "2024-05-22T22:41:02.728664Z",
437
+ "start_time": "2024-05-22T22:41:02.695358Z"
438
+ }
439
+ },
440
+ "id": "5a83d151ce6edc4d",
441
+ "execution_count": 182
442
+ },
443
+ {
444
+ "cell_type": "code",
445
+ "outputs": [],
446
+ "source": [
447
+ "best_chunk_idx = np.argmax(similarities)"
448
+ ],
449
+ "metadata": {
450
+ "collapsed": false,
451
+ "ExecuteTime": {
452
+ "end_time": "2024-05-22T22:43:22.403806Z",
453
+ "start_time": "2024-05-22T22:43:22.394255Z"
454
+ }
455
+ },
456
+ "id": "fb23ecfae69da630",
457
+ "execution_count": 191
458
+ },
459
+ {
460
+ "cell_type": "code",
461
+ "outputs": [
462
+ {
463
+ "data": {
464
+ "text/plain": "Chunk(text=\"Title:\\n\\n1\\n00:00:00.380 --> 00:00:11.240\\noh I know oh no no no\\n\\n2\\n00:00:06.460 --> 00:00:11.240\\n[Music]\\n\\n3\\n00:00:13.200 --> 00:00:16.440\\nhey what's going on everybody for first\\n\\n4\\n00:00:14.820 --> 00:00:18.240\\nweek Feast I'm Sean Evans and you're\\n\\n5\\n00:00:16.440 --> 00:00:19.980\\nwatching hot ones it's the show with hot\\n\\n6\\n00:00:18.240 --> 00:00:21.779\\nquestions and even hotter wings and\\n\\n7\\n00:00:19.980 --> 00:00:23.520\\ntoday we're joined by Kid Cudi he's a\\n\\n8\\n00:00:21.779 --> 00:00:25.019\\nGrammy award-winning artist multi-hyphen\\n\\n9\\n00:00:23.520 --> 00:00:26.820\\nEntertainer and true to form he just\\n\\n10\\n00:00:25.019 --> 00:00:28.619\\ndropped a brand new album accompanied by\\n\\n11\\n00:00:26.820 --> 00:00:30.599\\nan animated TV special of the same name\\n\\n12\\n00:00:28.619 --> 00:00:32.160\\nit's called Intergalactic check out the\\n\\n13\\n00:00:30.599 --> 00:00:34.020\\nalbum wherever you get your music and\\n\\n14\\n00:00:32.160 --> 00:00:36.300\\nwatch the special which is now currently\\n\\n15\\n00:00:34.020 --> 00:00:38.460\\nstreaming on Netflix Kid Cudi welcome to\\n\\n16\\n00:00:36.300 --> 00:00:39.960\\nthe show thanks for having me man I feel\\n\\n17\\n00:00:38.460 --> 00:00:41.700\\nlike this is one of those shoots been\\n\\n18\\n00:00:39.960 --> 00:00:43.500\\nthat's been literally years in the\\n\\n19\\n00:00:41.700 --> 00:00:45.059\\nmaking yeah what's going through your\\n\\n20\\n00:00:43.500 --> 00:00:46.800\\nhead as you finally prepare to take on\\n\\n21\\n00:00:45.059 --> 00:00:49.079\\nthe hot ones gauntlet\\n\\n22\\n00:00:46.800 --> 00:00:52.620\\nI'm confident that I would make it to\\n\\n23\\n00:00:49.079 --> 00:00:54.239\\nthe end you know but I have no idea what\\n\\n24\\n00:00:52.620 --> 00:00:57.079\\nI want to experience on this journey I'm\\n\\n25\\n00:00:54.239 --> 00:01:00.739\\nreally uh really kind of nervous\\n\\n26\\n00:00:57.079 --> 00:01:00.739\\nI'm not gonna lie\\n\\n27\\n00:01:02.040 --> 00:01:11.120\\n[Music]\\n\\n28\\n00:01:13.470 --> 00:01:20.180\\n[Music]\\n\\n29\\n00:01:17.159 --> 00:01:20.180\\nyeah let's do it\\n\\n30\\n00:01:24.720 --> 00:01:27.259\\nno\\n\\n31\\n00:01:28.020 --> 00:01:32.100\\nI can eat more if I want right\\n\\n32\\n00:01:29.820 --> 00:01:34.400\\ngo ahead and I'll follow you right along\\n\\n33\\n00:01:32.100 --> 00:01:34.400\\nwith\\n\\n34\\n00:01:34.740 --> 00:01:38.840\\noh good\\n\\n35\\n00:01:36.299 --> 00:01:38.840\\noh my God\\n\\n36\\n00:01:42.000 --> 00:01:47.100\\nnice so dating back to the original man\\n\\n37\\n00:01:45.420 --> 00:01:49.619\\non the moon your albums have always had\\n\\n38\\n00:01:47.100 --> 00:01:51.180\\na cinematic Sonic quality to them so I\\n\\n39\\n00:01:49.619 --> 00:01:53.220\\ncan only imagine how cathartic it must\\n\\n40\\n00:01:51.180 --> 00:01:55.020\\nhave been for you to take Intergalactic\\n\\n41\\n00:01:53.220 --> 00:01:57.600\\nand then actually storyboard it out for\\n\\n42\\n00:01:55.020 --> 00:01:59.280\\nan animated adaptation and then costume\\n\\n43\\n00:01:57.600 --> 00:02:01.860\\ndesign it's not a discipline that you'd\\n\\n44\\n00:01:59.280 --> 00:02:03.299\\noften associate with animation but it\\n\\n45\\n00:02:01.860 --> 00:02:05.520\\nreally is at the heart of\\n\\n46\\n00:02:03.299 --> 00:02:07.680\\nintergalactic's aesthetic what role did\\n\\n47\\n00:02:05.520 --> 00:02:10.920\\nVirgil ablo play in shaping the fashion\\n\\n48\\n00:02:07.680 --> 00:02:13.800\\nof this world well um it was really like\\n\\n49\\n00:02:10.920 --> 00:02:15.480\\nI put it all on him you know I really\\n\\n50\\n00:02:13.800 --> 00:02:17.700\\nwent into this knowing that like I\\n\\n51\\n00:02:15.480 --> 00:02:19.980\\nwanted the characters to be fresh I\\n\\n52\\n00:02:17.700 --> 00:02:22.500\\ndidn't want it to be like you know a\\n\\n53\\n00:02:19.980 --> 00:02:24.300\\ntypical animated show where you see one\\n\\n54\\n00:02:22.500 --> 00:02:27.360\\ncharacter wearing the same thing every\\n\\n55\\n00:02:24.300 --> 00:02:29.700\\nepisode you know Virgil came through and\\n\\n56\\n00:02:27.360 --> 00:02:31.920\\njust put his magic sauce on it and just\\n\\n57\\n00:02:29.700 --> 00:02:33.480\\nmade you know wardrobe for each\\n\\n58\\n00:02:31.920 --> 00:02:36.420\\ncharacter in it that matched their\\n\\n59\\n00:02:33.480 --> 00:02:38.340\\npersonality I was so like happy because\\n\\n60\\n00:02:36.420 --> 00:02:40.020\\nI was like oh my God like this is the\\n\\n61\\n00:02:38.340 --> 00:02:41.220\\nbest idea I could ever came up with you\\n\\n62\\n00:02:40.020 --> 00:02:42.660\\nknow we could have been\\n\\n63\\n00:02:41.220 --> 00:02:44.580\\ncould have been in this and making some\\n\\n64\\n00:02:42.660 --> 00:02:46.560\\nreally shitty clothing you know but I\\n\\n65\\n00:02:44.580 --> 00:02:48.360\\nhave like the illest freshest\\n\\n66\\n00:02:46.560 --> 00:02:50.459\\n[\\xa0__\\xa0] alive doing this [\\xa0__\\xa0] for\\n\\n67\\n00:02:48.360 --> 00:02:52.200\\nme and it's in and it was just it was\\n\\n68\\n00:02:50.459 --> 00:02:53.510\\njust the illest man and I love him to\\n\\n69\\n00:02:52.200 --> 00:02:58.080\\ndeath of that you know\\n\\n70\\n00:02:53.510 --> 00:03:02.360\\n[Music]\\n\\n71\\n00:02:58.080 --> 00:03:02.360\\nyeah these first two I need them to go\\n\\n72\\n00:03:03.060 --> 00:03:07.019\\nso in the a man named Scott documentary\\n\\n73\\n00:03:05.099 --> 00:03:09.480\\nplaying Pats as a first working with you\\n\\n74\\n00:03:07.019 --> 00:03:11.940\\nit was so different and weird that I'd\\n\\n75\\n00:03:09.480 --> 00:03:13.739\\nfeel uncomfortable but I love it was\\n\\n76\\n00:03:11.940 --> 00:03:16.019\\nthere a watershed moment maybe it was a\\n\\n77\\n00:03:13.739 --> 00:03:18.780\\nsong maybe it was a show where it went\\n\\n78\\n00:03:16.019 --> 00:03:20.819\\nfrom this sort of experimental Bohemian\\n\\n79\\n00:03:18.780 --> 00:03:23.700\\nexercise to all of a sudden record\\n\\n80\\n00:03:20.819 --> 00:03:27.300\\nlabels and a bidding war for you I think\\n\\n81\\n00:03:23.700 --> 00:03:29.040\\nI think it was the mixtape\\n\\n82\\n00:03:27.300 --> 00:03:30.720\\nbecause the mixtape was playful and fun\\n\\n83\\n00:03:29.040 --> 00:03:32.220\\nand it was just all about like showing\\n\\n84\\n00:03:30.720 --> 00:03:34.379\\npeople I could rap and\\n\\n85\\n00:03:32.220 --> 00:03:37.500\\nyou know the album was like\\n\\n86\\n00:03:34.379 --> 00:03:41.340\\nno this is like the Oscar nominated\\n\\n87\\n00:03:37.500 --> 00:03:43.560\\nversion of an album you know I live with\\n\\n88\\n00:03:41.340 --> 00:03:45.540\\nDOT for almost three years and during\\n\\n89\\n00:03:43.560 --> 00:03:46.860\\nthis time we were making music and made\\n\\n90\\n00:03:45.540 --> 00:03:49.440\\nday and night and a number of other\\n\\n91\\n00:03:46.860 --> 00:03:51.299\\nrecords and from there and then we we\\n\\n92\\n00:03:49.440 --> 00:03:53.879\\nadded a meal and then it was just like\\n\\n93\\n00:03:51.299 --> 00:03:56.280\\nwhen I had those three guys I was I was\\n\\n94\\n00:03:53.879 --> 00:03:58.319\\ngolden and I liked even hearing from a\\n\\n95\\n00:03:56.280 --> 00:04:00.299\\nmeal when he was talking about how he'd\\n\\n96\\n00:03:58.319 --> 00:04:01.980\\nplay you beats that he prepared but you\\n\\n97\\n00:04:00.299 --> 00:04:03.180\\nwouldn't really react to those things it\\n\\n98\\n00:04:01.980 --> 00:04:05.580\\nwasn't until he would just be like\\n\\n99\\n00:04:03.180 --> 00:04:08.280\\nplaying Ascent or like pulling out old\\n\\n100\\n00:04:05.580 --> 00:04:09.959\\nrecords yeah I mean that's because you\\n\\n101\\n00:04:08.280 --> 00:04:12.379\\nknow that's the that's the [\\xa0__\\xa0] that was\\n\\n102\\n00:04:09.959 --> 00:04:15.380\\nlike the type of Records he would play\\n\\n103\\n00:04:12.379 --> 00:04:19.440\\nyou know were always like\\n\\n104\\n00:04:15.380 --> 00:04:22.199\\ninteresting and like weird you know and\\n\\n105\\n00:04:19.440 --> 00:04:24.360\\nthat was you know my [\\xa0__\\xa0] like I just\\n\\n106\\n00:04:22.199 --> 00:04:26.280\\nwanted something that didn't sound like\\n\\n107\\n00:04:24.360 --> 00:04:28.680\\nthe typical [\\xa0__\\xa0] that you would hear in\\n\\n108\\n00:04:26.280 --> 00:04:30.300\\nhip-hop you know like with ghosts like\\n\\n109\\n00:04:28.680 --> 00:04:33.120\\nyou hear ghosts you hear that sample I\\n\\n110\\n00:04:30.300 --> 00:04:35.220\\nwas like what the [\\xa0__\\xa0] you know like and\\n\\n111\\n00:04:33.120 --> 00:04:37.320\\nghost is still to this day like one of\\n\\n112\\n00:04:35.220 --> 00:04:39.000\\nmy top three favorite songs\\n\\n113\\n00:04:37.320 --> 00:04:41.280\\nyou're crushing it are you ready to move\\n\\n114\\n00:04:39.000 --> 00:04:45.139\\non to Wing number three this is Pico\\n\\n115\\n00:04:41.280 --> 00:04:45.139\\nRico here and you're doing great\\n\\n116\\n00:04:49.919 --> 00:04:51.919\\num\\n\\n117\\n00:04:54.199 --> 00:05:00.419\\nthese first three I'm good but I see\\n\\n118\\n00:04:58.320 --> 00:05:02.759\\nwhen I get down to here it's probably\\n\\n119\\n00:05:00.419 --> 00:05:04.800\\ngonna get real\\n\\n120\\n00:05:02.759 --> 00:05:06.540\\nso even as your music career exploded\\n\\n121\\n00:05:04.800 --> 00:05:07.860\\nyou've still remained a prolific actor\\n\\n122\\n00:05:06.540 --> 00:05:09.240\\nand earlier this year it was announced\\n\\n123\\n00:05:07.860 --> 00:05:11.160\\nthat you'd be making your directorial\\n\\n124\\n00:05:09.240 --> 00:05:13.740\\ndebut in an upcoming Netflix project\\n\\n125\\n00:05:11.160 --> 00:05:15.240\\ncalled Teddy what's the best audition\\n\\n126\\n00:05:13.740 --> 00:05:17.220\\ntip or note that you've ever gotten from\\n\\n127\\n00:05:15.240 --> 00:05:21.080\\nTimothy chalman I think I asked him\\n\\n128\\n00:05:17.220 --> 00:05:21.080\\nabout crying on camera once\\n\\n129\\n00:05:21.240 --> 00:05:26.340\\nyou know I've given him like audition\\n\\n130\\n00:05:23.699 --> 00:05:28.620\\ntapes that I've done before and I'm just\\n\\n131\\n00:05:26.340 --> 00:05:30.320\\nlike hell man shoot me straight you know\\n\\n132\\n00:05:28.620 --> 00:05:32.400\\nhe's always like oh it's good it's good\\n\\n133\\n00:05:30.320 --> 00:05:35.340\\nhe's like I don't know he could be lying\\n\\n134\\n00:05:32.400 --> 00:05:39.180\\nto me uh but he's always he's always\\n\\n135\\n00:05:35.340 --> 00:05:41.520\\nvery supportive in in um I know Timmy is\\n\\n136\\n00:05:39.180 --> 00:05:42.900\\na fan of me for music but I you know I\\n\\n137\\n00:05:41.520 --> 00:05:43.919\\nthink he's a fan of me as an actor as\\n\\n138\\n00:05:42.900 --> 00:05:46.580\\nwell\\n\\n139\\n00:05:43.919 --> 00:05:49.080\\nmy lips are tingling well\\n\\n140\\n00:05:46.580 --> 00:05:51.479\\na whole lot more is about to happen as\\n\\n141\\n00:05:49.080 --> 00:05:55.259\\nwe work our way down but first things\\n\\n142\\n00:05:51.479 --> 00:05:58.259\\nfirst the hot ones barbacoa\\n\\n143\\n00:05:55.259 --> 00:05:58.259\\nforeign\\n\\n144\\n00:06:00.580 --> 00:06:04.620\\n[Music]\\n\\n145\\n00:06:01.860 --> 00:06:06.900\\nI'm a two bite kind of guy\\n\\n146\\n00:06:04.620 --> 00:06:09.060\\nI respect it I know you do the same\\n\\n147\\n00:06:06.900 --> 00:06:11.100\\nthing I do so I'm trying to\\n\\n148\\n00:06:09.060 --> 00:06:13.979\\ntest you I know you're testing me\\n\\n149\\n00:06:11.100 --> 00:06:15.419\\npushing me yeah who knows maybe you'll\\n\\n150\\n00:06:13.979 --> 00:06:19.199\\nbe the only one standing by the end of\\n\\n151\\n00:06:15.419 --> 00:06:20.400\\nthis I mean maybe I'm ready but you do\\n\\n152\\n00:06:19.199 --> 00:06:22.979\\nthis you do this all the time you do\\n\\n153\\n00:06:20.400 --> 00:06:25.020\\nthis on a rig I know right but at some\\n\\n154\\n00:06:22.979 --> 00:06:26.460\\npoint I'm gonna hit that wall right I\\n\\n155\\n00:06:25.020 --> 00:06:29.759\\nmean at some point you're gonna be like\\n\\n156\\n00:06:26.460 --> 00:06:30.960\\nI'm tired of fire poopies and you're\\n\\n157\\n00:06:29.759 --> 00:06:32.580\\njust gonna say like that's what I'm\\n\\n158\\n00:06:30.960 --> 00:06:34.680\\ngonna ask you after this man sure you\\n\\n159\\n00:06:32.580 --> 00:06:36.060\\ncan ask me during whatever you know this\\n\\n160\\n00:06:34.680 --> 00:06:38.280\\ncan be this can go both ways because\\n\\n161\\n00:06:36.060 --> 00:06:41.160\\nyour brows are probably like what the\\n\\n162\\n00:06:38.280 --> 00:06:43.039\\n[\\xa0__\\xa0] you know what's fascinating is your\\n\\n163\\n00:06:41.160 --> 00:06:45.840\\nbody adjusts\\n\\n164\\n00:06:43.039 --> 00:06:47.699\\nthis long I'll go to Equinox after this\\n\\n165\\n00:06:45.840 --> 00:06:50.340\\nyou know what I mean like oh no way I'm\\n\\n166\\n00:06:47.699 --> 00:06:51.240\\nunstoppable I'm unstoppable I mean who\\n\\n167\\n00:06:50.340 --> 00:06:52.919\\nknows like I don't want to get\\n\\n168\\n00:06:51.240 --> 00:06:54.060\\noverconfident it's like an athlete you\\n\\n169\\n00:06:52.919 --> 00:06:55.919\\nknow like I think you probably have a\\n\\n170\\n00:06:54.060 --> 00:06:57.539\\nphysical prime and then you know maybe\\n\\n171\\n00:06:55.919 --> 00:07:00.660\\nthe wings will start to slow me down but\\n\\n172\\n00:06:57.539 --> 00:07:02.039\\nright now I'm good right now God age\\n\\n173\\n00:07:00.660 --> 00:07:04.500\\nlike Brady over here yeah I was like\\n\\n174\\n00:07:02.039 --> 00:07:05.350\\nSean has a stomach of Steel Man straight\\n\\n175\\n00:07:04.500 --> 00:07:08.619\\nup\\n\\n176\\n00:07:05.350 --> 00:07:08.619\\n[Music]\\n\\n177\\n00:07:08.840 --> 00:07:16.020\\nokay here we go\\n\\n178\\n00:07:11.300 --> 00:07:16.020\\nit's crunchy foreign\\n\\n179\\n00:07:19.800 --> 00:07:24.240\\ndo I always have to take two bites you\\n\\n180\\n00:07:22.319 --> 00:07:25.740\\nknow you make the rules over here you're\\n\\n181\\n00:07:24.240 --> 00:07:27.599\\nmaking the rules over here I'm just\\n\\n182\\n00:07:25.740 --> 00:07:29.099\\nfollowing along with you\\n\\n183\\n00:07:27.599 --> 00:07:30.780\\nI'm just hungry so I came in here\\n\\n184\\n00:07:29.099 --> 00:07:34.139\\nstarving\\n\\n185\\n00:07:30.780 --> 00:07:35.880\\num I don't know if that was a good idea\\n\\n186\\n00:07:34.139 --> 00:07:37.080\\nI could cut you every crane segment on\\n\\n187\\n00:07:35.880 --> 00:07:37.919\\nour show called explain that gram we're\\n\\n188\\n00:07:37.080 --> 00:07:39.539\\ngonna do a deep dive in our guest\\n\\n189\\n00:07:37.919 --> 00:07:41.880\\nInstagram interesting pictures that need\\n\\n190\\n00:07:39.539 --> 00:07:45.180\\nmore context and for you we have a theme\\n\\n191\\n00:07:41.880 --> 00:07:46.560\\nit's a Kid Cudi style retrospective so\\n\\n192\\n00:07:45.180 --> 00:07:48.479\\nwhat we've done is we've pulled some of\\n\\n193\\n00:07:46.560 --> 00:07:50.699\\nour favorite Kid Cudi fit picks and\\n\\n194\\n00:07:48.479 --> 00:07:53.039\\nwe're just curious how you react how you\\n\\n195\\n00:07:50.699 --> 00:07:55.740\\nreflect looking back on those things now\\n\\n196\\n00:07:53.039 --> 00:07:57.900\\noh my God all right laptop please Bill\\n\\n197\\n00:07:55.740 --> 00:08:00.240\\nthere we go bring it back a laptop very\\n\\n198\\n00:07:57.900 --> 00:08:01.919\\nrare thank you very much\\n\\n199\\n00:08:00.240 --> 00:08:03.780\\ndo you have a favorite memory from\\n\\n200\\n00:08:01.919 --> 00:08:05.220\\nwalking at the Palais Royal Gardens for\\n\\n201\\n00:08:03.780 --> 00:08:07.319\\nVirgil ablo's first Louis Vuitton\\n\\n202\\n00:08:05.220 --> 00:08:09.240\\ncollection yes I do\\n\\n203\\n00:08:07.319 --> 00:08:10.979\\nit just didn't feel real you know the\\n\\n204\\n00:08:09.240 --> 00:08:14.039\\nwhole thing was just like\\n\\n205\\n00:08:10.979 --> 00:08:16.860\\nyou know like a dream you know\\n\\n206\\n00:08:14.039 --> 00:08:19.500\\num and I was soaking it up so much that\\n\\n207\\n00:08:16.860 --> 00:08:22.139\\nlike uh I was walking really slow on the\\n\\n208\\n00:08:19.500 --> 00:08:23.460\\non the on the runway so like you can't\\n\\n209\\n00:08:22.139 --> 00:08:24.900\\nsee in this picture like there's like\\n\\n210\\n00:08:23.460 --> 00:08:27.319\\nall those people stacked up behind me\\n\\n211\\n00:08:24.900 --> 00:08:29.340\\nthat's a trapping Champion\\n\\n212\\n00:08:27.319 --> 00:08:31.259\\nthat's why this person's got this good\\n\\n213\\n00:08:29.340 --> 00:08:32.039\\nass photo because it was like no it was\\n\\n214\\n00:08:31.259 --> 00:08:34.620\\nlike\\n\\n215\\n00:08:32.039 --> 00:08:36.599\\n20 feet between me and the other dude in\\n\\n216\\n00:08:34.620 --> 00:08:39.779\\nfront of me like it's like right there\\n\\n217\\n00:08:36.599 --> 00:08:41.880\\nbut uh I was just uh I was really high\\n\\n218\\n00:08:39.779 --> 00:08:45.360\\nand I was just soaking it up man I was\\n\\n219\\n00:08:41.880 --> 00:08:46.800\\nlike this is a beautiful moment so yeah\\n\\n220\\n00:08:45.360 --> 00:08:48.420\\nwhat's the biggest difference between\\n\\n221\\n00:08:46.800 --> 00:08:50.100\\nworking at a vape store and working at\\n\\n222\\n00:08:48.420 --> 00:08:52.140\\nAbercrombie and Fitch and then how did\\n\\n223\\n00:08:50.100 --> 00:08:55.380\\neach shape your personal style working\\n\\n224\\n00:08:52.140 --> 00:08:59.640\\nat the Abercrombie and fish store\\n\\n225\\n00:08:55.380 --> 00:09:01.860\\nthe clothes sucked and it wasn't like it\\n\\n226\\n00:08:59.640 --> 00:09:04.380\\nwasn't like I was like\\n\\n227\\n00:09:01.860 --> 00:09:05.940\\nproud to be wearing Abercrombie and\\n\\n228\\n00:09:04.380 --> 00:09:08.100\\nFitch like their jeans were all right I\\n\\n229\\n00:09:05.940 --> 00:09:09.779\\nguess they're just right I guess but\\n\\n230\\n00:09:08.100 --> 00:09:11.160\\nwhen I worked at the base sword that was\\n\\n231\\n00:09:09.779 --> 00:09:12.839\\nthe first time I was like oh man like\\n\\n232\\n00:09:11.160 --> 00:09:15.000\\nthis is like actually some fresh [\\xa0__\\xa0]\\n\\n233\\n00:09:12.839 --> 00:09:16.019\\nbut like you know I was so poor when I\\n\\n234\\n00:09:15.000 --> 00:09:18.720\\ngot that job\\n\\n235\\n00:09:16.019 --> 00:09:22.019\\nso I didn't own any bait prior to\\n\\n236\\n00:09:18.720 --> 00:09:24.420\\nworking there so uh I literally had the\\n\\n237\\n00:09:22.019 --> 00:09:29.580\\nsame brown bathing Aid t-shirt and these\\n\\n238\\n00:09:24.420 --> 00:09:31.260\\njeans and these yellow uh Roasters and I\\n\\n239\\n00:09:29.580 --> 00:09:32.880\\nhad that for like two months that outfit\\n\\n240\\n00:09:31.260 --> 00:09:34.200\\nI used to ask my co-workers if I could\\n\\n241\\n00:09:32.880 --> 00:09:35.459\\nborrow some of their clothes and they\\n\\n242\\n00:09:34.200 --> 00:09:37.740\\nwould hold me down and let me borrow a\\n\\n243\\n00:09:35.459 --> 00:09:39.779\\nhoodie or two and working at that store\\n\\n244\\n00:09:37.740 --> 00:09:42.779\\nwas was like\\n\\n245\\n00:09:39.779 --> 00:09:44.279\\nwas like the greatest to me and at that\\n\\n246\\n00:09:42.779 --> 00:09:47.279\\ntime like it was bigger than getting a\\n\\n247\\n00:09:44.279 --> 00:09:49.019\\nrecord deal yeah you know like\\n\\n248\\n00:09:47.279 --> 00:09:50.580\\nand I really wanted the record just that\\n\\n249\\n00:09:49.019 --> 00:09:51.779\\ntime you know but it was like oh [\\xa0__\\xa0] I\\n\\n250\\n00:09:50.580 --> 00:09:54.720\\ngot the baby store I'm good you know\\n\\n251\\n00:09:51.779 --> 00:09:56.940\\nlike it just it just it was such a major\\n\\n252\\n00:09:54.720 --> 00:09:59.760\\nthing because of what it meant to the\\n\\n253\\n00:09:56.940 --> 00:10:01.200\\nculture and what it was Nigo came to the\\n\\n254\\n00:09:59.760 --> 00:10:03.060\\nstore with the Teriyaki boys one time\\n\\n255\\n00:10:01.200 --> 00:10:04.620\\nand I met them fast forward all the\\n\\n256\\n00:10:03.060 --> 00:10:07.260\\nyears later when we did the the complex\\n\\n257\\n00:10:04.620 --> 00:10:09.540\\nmagazine cover so it was like this full\\n\\n258\\n00:10:07.260 --> 00:10:12.420\\ncircle moment you know just being around\\n\\n259\\n00:10:09.540 --> 00:10:13.980\\nthe God you know it was so cool man so\\n\\n260\\n00:10:12.420 --> 00:10:16.560\\ncool\\n\\n261\\n00:10:13.980 --> 00:10:18.360\\nBill thank you very much\\n\\n262\\n00:10:16.560 --> 00:10:20.760\\nI gotta get one of those hot ones\\n\\n263\\n00:10:18.360 --> 00:10:22.980\\nt-shirts too we got you\", title='Kid Cudi Goes to the Moon While Eating Spicy Wings | Hot Ones', video_idx=7, embedding=None, link='https://www.youtube.com/watch?v=0allwd60wS4')"
465
+ },
466
+ "execution_count": 193,
467
+ "metadata": {},
468
+ "output_type": "execute_result"
469
+ }
470
+ ],
471
+ "source": [
472
+ "chunk_metadata[best_chunk_idx]"
473
+ ],
474
+ "metadata": {
475
+ "collapsed": false,
476
+ "ExecuteTime": {
477
+ "end_time": "2024-05-22T22:43:33.004348Z",
478
+ "start_time": "2024-05-22T22:43:33.002362Z"
479
+ }
480
+ },
481
+ "id": "17610aa4135e7ec5",
482
+ "execution_count": 193
483
+ },
484
+ {
485
+ "cell_type": "code",
486
+ "outputs": [
487
+ {
488
+ "data": {
489
+ "text/plain": "Chunk(text=\"WEBVTT\\n\\n1\\n00:00:00.900 --> 00:00:03.900\\nwow\\n\\n2\\n00:00:04.440 --> 00:00:07.700\\nthis one's a winner\\n\\n3\\n00:00:13.880 --> 00:00:17.820\\nhey what's going on everybody for first\\n\\n4\\n00:00:16.139 --> 00:00:19.619\\nweek Feast I'm Sean Evans and you're\\n\\n5\\n00:00:17.820 --> 00:00:21.359\\nwatching hot ones it's the show with hot\\n\\n6\\n00:00:19.619 --> 00:00:23.279\\nquestions and even hotter wings and\\n\\n7\\n00:00:21.359 --> 00:00:24.539\\ntoday we're joined by David Blaine he's\\n\\n8\\n00:00:23.279 --> 00:00:26.100\\nknown the world over for his street\\n\\n9\\n00:00:24.539 --> 00:00:27.720\\nmagic and endurance stunts that include\\n\\n10\\n00:00:26.100 --> 00:00:29.400\\neverything from being buried alive for\\n\\n11\\n00:00:27.720 --> 00:00:30.720\\nseven days to encasing himself in a\\n\\n12\\n00:00:29.400 --> 00:00:33.059\\nblock of ice to holding his breath\\n\\n13\\n00:00:30.720 --> 00:00:34.620\\nunderwater for 17 minutes he also has a\\n\\n14\\n00:00:33.059 --> 00:00:36.239\\npair of high profile projects on the way\\n\\n15\\n00:00:34.620 --> 00:00:37.860\\nwith his documentary Adventure series\\n\\n16\\n00:00:36.239 --> 00:00:39.840\\nbeyond belief with David Blaine coming\\n\\n17\\n00:00:37.860 --> 00:00:41.520\\nsoon to Disney Plus in his sixth show\\n\\n18\\n00:00:39.840 --> 00:00:43.320\\nVegas residency with dates through the\\n\\n19\\n00:00:41.520 --> 00:00:45.480\\nremainder of the Year David Blaine\\n\\n20\\n00:00:43.320 --> 00:00:48.300\\nwelcome to the show wow thank you for\\n\\n21\\n00:00:45.480 --> 00:00:50.460\\nhaving me thank you I'm so excited to be\\n\\n22\\n00:00:48.300 --> 00:00:52.020\\nhere by the way I'm very excited to have\\n\\n23\\n00:00:50.460 --> 00:00:54.000\\nyou I know that you're someone who can\\n\\n24\\n00:00:52.020 --> 00:00:56.039\\npush themselves but how how are you\\n\\n25\\n00:00:54.000 --> 00:00:57.420\\naround spicy food I don't know how I'm\\n\\n26\\n00:00:56.039 --> 00:01:01.020\\ngonna do with them during this but that\\n\\n27\\n00:00:57.420 --> 00:01:02.640\\nis my thing but um I'll tell you so just\\n\\n28\\n00:01:01.020 --> 00:01:06.780\\nto give you an idea of how much I love\\n\\n29\\n00:01:02.640 --> 00:01:08.640\\nHot Wings my when I premiered my show\\n\\n30\\n00:01:06.780 --> 00:01:11.100\\nwhich was the only premiere of a show I\\n\\n31\\n00:01:08.640 --> 00:01:13.020\\ndid it for real or magic they wanted to\\n\\n32\\n00:01:11.100 --> 00:01:14.640\\ngo do it in a big place with the big\\n\\n33\\n00:01:13.020 --> 00:01:17.640\\nmovie screen so everybody could see it\\n\\n34\\n00:01:14.640 --> 00:01:21.240\\nyou know and I said no no no\\n\\n35\\n00:01:17.640 --> 00:01:23.820\\nwe have to Premiere at blondies at the\\n\\n36\\n00:01:21.240 --> 00:01:26.340\\npremieres in a buffalo wing Joy a Sport\\n\\n37\\n00:01:23.820 --> 00:01:29.040\\nBar Buffalo joint up Uptown in New York\\n\\n38\\n00:01:26.340 --> 00:01:30.360\\nso and nobody could hear the show but I\\n\\n39\\n00:01:29.040 --> 00:01:31.860\\nwas happy because I could eat all the\\n\\n40\\n00:01:30.360 --> 00:01:33.900\\nwings\\n\\n41\\n00:01:31.860 --> 00:01:36.680\\n[Music]\\n\\n42\\n00:01:33.900 --> 00:01:36.680\\nforeign\\n\\n43\\n00:01:42.730 --> 00:01:48.269\\n[Music]\\n\\n44\\n00:01:48.900 --> 00:01:54.799\\nso this first one is the classic chili\\n\\n45\\n00:01:51.840 --> 00:01:54.799\\nMaple Edition here\\n\\n46\\n00:01:56.220 --> 00:01:59.880\\noh great\\n\\n47\\n00:01:57.960 --> 00:02:02.220\\nvery nice\\n\\n48\\n00:01:59.880 --> 00:02:05.180\\nMaple first time trying this one hidden\\n\\n49\\n00:02:02.220 --> 00:02:05.180\\nyeah it's great\\n\\n50\\n00:02:08.340 --> 00:02:12.900\\nforeign\\n\\n51\\n00:02:09.979 --> 00:02:14.819\\nbuilding a big stage magic act in Vegas\\n\\n52\\n00:02:12.900 --> 00:02:17.580\\nI'm curious if this quote from David\\n\\n53\\n00:02:14.819 --> 00:02:20.160\\nCopperfield Rings true to you it takes\\n\\n54\\n00:02:17.580 --> 00:02:23.520\\n500 shows to get a trick right and more\\n\\n55\\n00:02:20.160 --> 00:02:25.140\\nthan a thousand to make it feel good\\n\\n56\\n00:02:23.520 --> 00:02:27.599\\nthat was one of the things that amazed\\n\\n57\\n00:02:25.140 --> 00:02:29.220\\nme about David was I went to see him\\n\\n58\\n00:02:27.599 --> 00:02:31.500\\nafter a show and it was Saturday and it\\n\\n59\\n00:02:29.220 --> 00:02:32.940\\nwas midnight and and they were all so\\n\\n60\\n00:02:31.500 --> 00:02:35.099\\nexhausted and\\n\\n61\\n00:02:32.940 --> 00:02:37.500\\num and his partner Chris says oh we've\\n\\n62\\n00:02:35.099 --> 00:02:39.599\\nwe've been here since 10 A.M\\n\\n63\\n00:02:37.500 --> 00:02:42.720\\nwe've done three shows\\n\\n64\\n00:02:39.599 --> 00:02:44.760\\nlike three shows in a day because like\\n\\n65\\n00:02:42.720 --> 00:02:48.239\\nmy show has to be like once a month or\\n\\n66\\n00:02:44.760 --> 00:02:49.680\\ntwice a month Max I said wow like how\\n\\n67\\n00:02:48.239 --> 00:02:51.180\\nmany shows are you doing every day he\\n\\n68\\n00:02:49.680 --> 00:02:53.160\\nsaid well we do three on Saturdays two\\n\\n69\\n00:02:51.180 --> 00:03:00.360\\non every other day guess how many per\\n\\n70\\n00:02:53.160 --> 00:03:03.480\\nyear 300 more 400 500 no 600 650 shows\\n\\n71\\n00:03:00.360 --> 00:03:05.519\\nthat go whoa like David like that's\\n\\n72\\n00:03:03.480 --> 00:03:08.640\\ncrazy what are you doing and he says\\n\\n73\\n00:03:05.519 --> 00:03:10.379\\nwell it takes me about 500 to get a new\\n\\n74\\n00:03:08.640 --> 00:03:12.959\\ntrick right so that's the beginning of\\n\\n75\\n00:03:10.379 --> 00:03:17.760\\nstarting to understand a new trick and I\\n\\n76\\n00:03:12.959 --> 00:03:19.920\\nwent oh I got it bingo so yeah I love\\n\\n77\\n00:03:17.760 --> 00:03:21.900\\nthat mentality and I agree and I think\\n\\n78\\n00:03:19.920 --> 00:03:23.940\\nall of my magician friends it's like a\\n\\n79\\n00:03:21.900 --> 00:03:26.640\\nthe ones that I love are just it's com\\n\\n80\\n00:03:23.940 --> 00:03:30.680\\nit's a compulsion it's all they think\\n\\n81\\n00:03:26.640 --> 00:03:33.659\\n[Music]\\n\\n82\\n00:03:30.680 --> 00:03:37.860\\nit's great yeah a little Scotch bonnet\\n\\n83\\n00:03:33.659 --> 00:03:39.120\\ntropical action in there right\\n\\n84\\n00:03:37.860 --> 00:03:40.799\\nwhen it comes to your obsession with\\n\\n85\\n00:03:39.120 --> 00:03:42.659\\nmagic I've heard you recount multiple\\n\\n86\\n00:03:40.799 --> 00:03:45.180\\norigin stories much like the Joker\\n\\n87\\n00:03:42.659 --> 00:03:47.400\\nexplaining how he got his scars who is\\n\\n88\\n00:03:45.180 --> 00:03:49.980\\nlewd Tannen and can you describe to me a\\n\\n89\\n00:03:47.400 --> 00:03:51.239\\ntypical day for a 10 year old at Tana I\\n\\n90\\n00:03:49.980 --> 00:03:52.500\\ncan't tell you about that that's funny\\n\\n91\\n00:03:51.239 --> 00:03:53.819\\nbut I'm not gonna tell you about the\\n\\n92\\n00:03:52.500 --> 00:03:55.379\\ncamp I've been talking about going to\\n\\n93\\n00:03:53.819 --> 00:03:56.340\\ntannins\\n\\n94\\n00:03:55.379 --> 00:03:59.519\\num\\n\\n95\\n00:03:56.340 --> 00:04:02.580\\nback then the store was like this Darkly\\n\\n96\\n00:03:59.519 --> 00:04:05.220\\nlit shop with all of these glass cases\\n\\n97\\n00:04:02.580 --> 00:04:08.099\\nand the glass cases had all these\\n\\n98\\n00:04:05.220 --> 00:04:09.959\\nobjects that you would die to have so\\n\\n99\\n00:04:08.099 --> 00:04:11.760\\nI'd stare at these things and just dream\\n\\n100\\n00:04:09.959 --> 00:04:14.700\\nof like oh my God what could be done\\n\\n101\\n00:04:11.760 --> 00:04:17.880\\nwith all those things but then in the\\n\\n102\\n00:04:14.700 --> 00:04:20.820\\nback room like this little side area but\\n\\n103\\n00:04:17.880 --> 00:04:23.460\\nnot in the store if you were lucky\\n\\n104\\n00:04:20.820 --> 00:04:25.740\\nthe best guys in the world would just be\\n\\n105\\n00:04:23.460 --> 00:04:28.020\\nhanging out there and so I'd sit there\\n\\n106\\n00:04:25.740 --> 00:04:31.380\\nand they would like blow my mind on stop\\n\\n107\\n00:04:28.020 --> 00:04:32.940\\nluckily by the way as a kid I only did\\n\\n108\\n00:04:31.380 --> 00:04:34.979\\nMagic to my mother and her friends\\n\\n109\\n00:04:32.940 --> 00:04:36.360\\nbecause if I did other kids they're a\\n\\n110\\n00:04:34.979 --> 00:04:39.360\\ntough audience they're gonna be like hey\\n\\n111\\n00:04:36.360 --> 00:04:41.280\\nyou're weird you know yeah you suck so I\\n\\n112\\n00:04:39.360 --> 00:04:42.479\\ndid all the magic to to my mother and\\n\\n113\\n00:04:41.280 --> 00:04:44.280\\nher friends and I thought I was good\\n\\n114\\n00:04:42.479 --> 00:04:45.720\\nbecause of their reactions and then I\\n\\n115\\n00:04:44.280 --> 00:04:49.199\\njust wanted to keep learning new things\\n\\n116\\n00:04:45.720 --> 00:04:51.300\\nto you know make make her amazed or\\n\\n117\\n00:04:49.199 --> 00:04:54.300\\nwhatever\\n\\n118\\n00:04:51.300 --> 00:04:54.300\\nforeign\\n\\n119\\n00:05:03.620 --> 00:05:06.960\\nso this is the first shoot of the new\\n\\n120\\n00:05:06.060 --> 00:05:09.479\\nseason\\n\\n121\\n00:05:06.960 --> 00:05:12.300\\nit's my first time trying the hot sauces\\n\\n122\\n00:05:09.479 --> 00:05:15.300\\nPico Rico\\n\\n123\\n00:05:12.300 --> 00:05:17.340\\nI just made my way into Mount Rushmore\\n\\n124\\n00:05:15.300 --> 00:05:19.820\\nI I hate to say this but I kind of love\\n\\n125\\n00:05:17.340 --> 00:05:22.080\\nall of them so far\\n\\n126\\n00:05:19.820 --> 00:05:23.940\\ndelicious lineup\\n\\n127\\n00:05:22.080 --> 00:05:25.380\\nso your name is synonymous with\\n\\n128\\n00:05:23.940 --> 00:05:27.360\\ndeath-defying Larger than Life\\n\\n129\\n00:05:25.380 --> 00:05:29.400\\nspectacles and to watch them from\\n\\n130\\n00:05:27.360 --> 00:05:31.620\\noutside they look like just such a pure\\n\\n131\\n00:05:29.400 --> 00:05:33.479\\nstress test and human concentration and\\n\\n132\\n00:05:31.620 --> 00:05:36.020\\nmisery but is there one that you\\n\\n133\\n00:05:33.479 --> 00:05:38.120\\ndescribe as being like the most fun\\n\\n134\\n00:05:36.020 --> 00:05:40.380\\nAscension to me\\n\\n135\\n00:05:38.120 --> 00:05:42.180\\nthat was the most one but but that's\\n\\n136\\n00:05:40.380 --> 00:05:44.280\\nbecause it was with my daughter so that\\n\\n137\\n00:05:42.180 --> 00:05:46.380\\nI worked out the hard part of it before\\n\\n138\\n00:05:44.280 --> 00:05:49.199\\nshe came to make it fun but I have to\\n\\n139\\n00:05:46.380 --> 00:05:51.620\\nsay all of them are so fun I think it's\\n\\n140\\n00:05:49.199 --> 00:05:54.060\\nsimilar to this like I think it's like\\n\\n141\\n00:05:51.620 --> 00:05:55.919\\nso it's like you go in and you're like\\n\\n142\\n00:05:54.060 --> 00:05:57.960\\nyou're going up a mountain really hard\\n\\n143\\n00:05:55.919 --> 00:05:59.280\\nbut like you're so excited about it and\\n\\n144\\n00:05:57.960 --> 00:06:02.160\\nyeah you take a couple of shots\\n\\n145\\n00:05:59.280 --> 00:06:03.720\\nobviously but but it's it's it's the\\n\\n146\\n00:06:02.160 --> 00:06:05.460\\nlike everybody says you know it's not\\n\\n147\\n00:06:03.720 --> 00:06:07.979\\nlike getting to the end it's like that\\n\\n148\\n00:06:05.460 --> 00:06:10.500\\nwhole process so yeah that process that\\n\\n149\\n00:06:07.979 --> 00:06:13.560\\nlearning curve is what keeps me excited\\n\\n150\\n00:06:10.500 --> 00:06:16.139\\nabout life so you know so I can't so\\n\\n151\\n00:06:13.560 --> 00:06:17.639\\nthey're all fun in a certain way well\\n\\n152\\n00:06:16.139 --> 00:06:18.720\\nthat actually really uh resonates with\\n\\n153\\n00:06:17.639 --> 00:06:20.460\\nme because while you're saying that is\\n\\n154\\n00:06:18.720 --> 00:06:21.840\\nlike that's exactly how I feel about\\n\\n155\\n00:06:20.460 --> 00:06:23.819\\nthese kinds of shoots where they're all\\n\\n156\\n00:06:21.840 --> 00:06:26.520\\nkind of of their own journey and then\\n\\n157\\n00:06:23.819 --> 00:06:28.020\\ntheir own experience and then as much as\\n\\n158\\n00:06:26.520 --> 00:06:29.160\\nyou can kind of figure out how things\\n\\n159\\n00:06:28.020 --> 00:06:30.479\\nare going to go there's lots of\\n\\n160\\n00:06:29.160 --> 00:06:31.740\\nvariables that you can't always test for\\n\\n161\\n00:06:30.479 --> 00:06:33.000\\nand things always go kind of sideways\\n\\n162\\n00:06:31.740 --> 00:06:35.160\\nthen you have to adapt to those things\\n\\n163\\n00:06:33.000 --> 00:06:36.539\\nand that's the stuff that I think is the\\n\\n164\\n00:06:35.160 --> 00:06:39.419\\nbest it's like when you have to deal\\n\\n165\\n00:06:36.539 --> 00:06:41.039\\nwith the unknown it's always amazing so\\n\\n166\\n00:06:39.419 --> 00:06:43.979\\nlike on stage when you get like a\\n\\n167\\n00:06:41.039 --> 00:06:45.900\\ncurveball it's like that's what that's\\n\\n168\\n00:06:43.979 --> 00:06:47.520\\nwhat separates I think like a magician\\n\\n169\\n00:06:45.900 --> 00:06:49.800\\nthat's really comfortable to a magician\\n\\n170\\n00:06:47.520 --> 00:06:52.139\\nthat's uncomfort and which makes one\\n\\n171\\n00:06:49.800 --> 00:06:53.639\\nseems great one doesn't the one that\\n\\n172\\n00:06:52.139 --> 00:06:55.740\\nseems great even though this guy might\\n\\n173\\n00:06:53.639 --> 00:06:57.539\\nbe just as practiced with the moves the\\n\\n174\\n00:06:55.740 --> 00:06:59.580\\none that seems great when performing is\\n\\n175\\n00:06:57.539 --> 00:07:02.400\\nwhen a curveball comes he's ready for it\\n\\n176\\n00:06:59.580 --> 00:07:04.740\\nhe No Matter What scenario he's hit with\\n\\n177\\n00:07:02.400 --> 00:07:06.360\\nhe can keep going and it's interesting\\n\\n178\\n00:07:04.740 --> 00:07:08.520\\nbecause the magic people don't know the\\n\\n179\\n00:07:06.360 --> 00:07:10.440\\nend result so since they don't know the\\n\\n180\\n00:07:08.520 --> 00:07:12.660\\nend it's not over until you say it's\\n\\n181\\n00:07:10.440 --> 00:07:15.419\\nover so you could be like struggling for\\n\\n182\\n00:07:12.660 --> 00:07:17.460\\n10 minutes but if the end is a monster I\\n\\n183\\n00:07:15.419 --> 00:07:19.620\\nlike that whole you know the the not\\n\\n184\\n00:07:17.460 --> 00:07:22.199\\nworking and then make it work\\n\\n185\\n00:07:19.620 --> 00:07:24.479\\nI like all these questions by the way oh\\n\\n186\\n00:07:22.199 --> 00:07:26.280\\nwell thank you very much it's kind of\\n\\n187\\n00:07:24.479 --> 00:07:28.380\\nearly on in the game you know absolutely\\n\\n188\\n00:07:26.280 --> 00:07:30.180\\neasy I have plenty I have plenty of time\\n\\n189\\n00:07:28.380 --> 00:07:35.520\\nto knock this thing off the tracks\\n\\n190\\n00:07:30.180 --> 00:07:37.979\\n[Music]\\n\\n191\\n00:07:35.520 --> 00:07:39.660\\noh right\\n\\n192\\n00:07:37.979 --> 00:07:41.759\\nlooking at your face I can tell it looks\\n\\n193\\n00:07:39.660 --> 00:07:43.979\\nlike we're four for four so far yeah\\n\\n194\\n00:07:41.759 --> 00:07:46.020\\nthere we go\\n\\n195\\n00:07:43.979 --> 00:07:47.520\\nso your new documentary series beyond\\n\\n196\\n00:07:46.020 --> 00:07:49.560\\nbelief with David Blaine has been\\n\\n197\\n00:07:47.520 --> 00:07:51.120\\ndescribed as a global Odyssey across\\n\\n198\\n00:07:49.560 --> 00:07:53.460\\nremote cultures each embedded with\\n\\n199\\n00:07:51.120 --> 00:07:55.020\\nunique histories and practices is there\\n\\n200\\n00:07:53.460 --> 00:07:56.880\\na mystical tradition that you learned\\n\\n201\\n00:07:55.020 --> 00:07:58.620\\nalong your travels that you thought was\\n\\n202\\n00:07:56.880 --> 00:08:00.180\\nmost compelling or that more people\\n\\n203\\n00:07:58.620 --> 00:08:02.280\\nshould know about\\n\\n204\\n00:08:00.180 --> 00:08:03.960\\nwell basically when I was working on\\n\\n205\\n00:08:02.280 --> 00:08:05.819\\nlearning how to\\n\\n206\\n00:08:03.960 --> 00:08:07.199\\nput a gallon of water in my stomach and\\n\\n207\\n00:08:05.819 --> 00:08:09.419\\nthen spout it out\\n\\n208\\n00:08:07.199 --> 00:08:12.120\\nI saw a little video of a guy doing it\\n\\n209\\n00:08:09.419 --> 00:08:14.340\\nin Africa and we couldn't track him down\\n\\n210\\n00:08:12.120 --> 00:08:16.979\\nhe wasn't a performer he lived in a mud\\n\\n211\\n00:08:14.340 --> 00:08:19.440\\nhut outside of Liberia by like four\\n\\n212\\n00:08:16.979 --> 00:08:21.\", title='David Blaine Does Magic While Eating Spicy Wings | Hot Ones', video_idx=0, embedding=None, link='https://www.youtube.com/watch?v=4E2EbGoXlPQ')"
490
+ },
491
+ "execution_count": 203,
492
+ "metadata": {},
493
+ "output_type": "execute_result"
494
+ }
495
+ ],
496
+ "source": [
497
+ "chunk_metadata[0]"
498
+ ],
499
+ "metadata": {
500
+ "collapsed": false,
501
+ "ExecuteTime": {
502
+ "end_time": "2024-05-22T22:49:11.984968Z",
503
+ "start_time": "2024-05-22T22:49:11.981848Z"
504
+ }
505
+ },
506
+ "id": "57a27ede69b100d3",
507
+ "execution_count": 203
508
+ },
509
+ {
510
+ "cell_type": "code",
511
+ "outputs": [],
512
+ "source": [
513
+ "SYSTEM_PROMPT = \"\"\"You are an expert trivia bot. You provide correct answers to the posed question, based on the provided context. You have access to a chunk of text from a video transcript, and you can use this information to answer the question. You also have access to some metadata about this chunk of text. All transcripts come from the podcast \"Hot Ones\", Season 19, which has a total of 17 episodes. With each answer, provide a link with a timestamp to the relevant part of the video based on the transcript.\"\"\"\n",
514
+ "\n",
515
+ "\n",
516
+ "BASE_PROMPT = \"\"\"\n",
517
+ "Question: {question}\n",
518
+ "\n",
519
+ "Relevant chunk of text: {text}\n",
520
+ "This text comes from the video titled \"{title}\", which is the video number {video_number} in the dataset and can be found at the following link: {link}.\n",
521
+ "\"\"\".strip()\n",
522
+ "\n",
523
+ "def get_initial_messages(question: str, chunk: Chunk):\n",
524
+ " \n",
525
+ " return [\n",
526
+ " {\n",
527
+ " \"role\": \"system\",\n",
528
+ " \"content\": [\n",
529
+ " {\n",
530
+ " \"type\": \"text\",\n",
531
+ " \"text\": SYSTEM_PROMPT\n",
532
+ " }\n",
533
+ " ]\n",
534
+ " },\n",
535
+ " {\n",
536
+ " \"role\": \"user\",\n",
537
+ " \"content\": [\n",
538
+ " {\n",
539
+ " \"type\": \"text\",\n",
540
+ " \"text\": BASE_PROMPT.format(\n",
541
+ " question=question,\n",
542
+ " text=chunk.text,\n",
543
+ " title=chunk.title,\n",
544
+ " video_number=chunk.video_idx,\n",
545
+ " link=chunk.link\n",
546
+ " )\n",
547
+ " }\n",
548
+ " ]\n",
549
+ " }\n",
550
+ " ]"
551
+ ],
552
+ "metadata": {
553
+ "collapsed": false,
554
+ "ExecuteTime": {
555
+ "end_time": "2024-05-22T22:52:06.159891Z",
556
+ "start_time": "2024-05-22T22:52:06.148297Z"
557
+ }
558
+ },
559
+ "id": "74d52cf861e7ec37",
560
+ "execution_count": 213
561
+ },
562
+ {
563
+ "cell_type": "code",
564
+ "outputs": [],
565
+ "source": [
566
+ "def rank_chunks(question: str, embeddings: np.ndarray, model: str = \"text-embedding-3-small\") -> list[Chunk]:\n",
567
+ " \n",
568
+ " q_embedding = get_one_embedding(question, model)\n",
569
+ " similarities = cosine_similarity(q_embedding, embeddings)\n",
570
+ " \n",
571
+ " sorted_indices = np.argsort(similarities)[::-1]\n",
572
+ " return [chunk_metadata[i] for i in sorted_indices]"
573
+ ],
574
+ "metadata": {
575
+ "collapsed": false,
576
+ "ExecuteTime": {
577
+ "end_time": "2024-05-22T23:00:14.572225Z",
578
+ "start_time": "2024-05-22T23:00:14.556105Z"
579
+ }
580
+ },
581
+ "id": "5a21d3801088444",
582
+ "execution_count": 225
583
+ },
584
+ {
585
+ "cell_type": "code",
586
+ "outputs": [],
587
+ "source": [
588
+ "ranked_chunks = rank_chunks(\"Who failed making pastries as a teenager?\", embeddings)"
589
+ ],
590
+ "metadata": {
591
+ "collapsed": false,
592
+ "ExecuteTime": {
593
+ "end_time": "2024-05-22T23:01:06.151815Z",
594
+ "start_time": "2024-05-22T23:01:05.838144Z"
595
+ }
596
+ },
597
+ "id": "f638df0d8a430dc",
598
+ "execution_count": 233
599
+ },
600
+ {
601
+ "cell_type": "code",
602
+ "outputs": [
603
+ {
604
+ "name": "stdout",
605
+ "output_type": "stream",
606
+ "text": [
607
+ " so fast and it's a\n",
608
+ "\n",
609
+ "420\n",
610
+ "00:16:49.980 --> 00:16:54.180\n",
611
+ "little trippy it gets a little trippy\n",
612
+ "\n",
613
+ "421\n",
614
+ "00:16:52.139 --> 00:16:57.000\n",
615
+ "okay\n",
616
+ "\n",
617
+ "422\n",
618
+ "00:16:54.180 --> 00:16:59.100\n",
619
+ "I'm like fully serving but I want you to\n",
620
+ "\n",
621
+ "423\n",
622
+ "00:16:57.000 --> 00:17:01.079\n",
623
+ "know and I want everyone back here to\n",
624
+ "\n",
625
+ "424\n",
626
+ "00:16:59.100 --> 00:17:03.799\n",
627
+ "know\n",
628
+ "\n",
629
+ "425\n",
630
+ "00:17:01.079 --> 00:17:05.360\n",
631
+ "I'm not scared so you shouldn't be sad\n",
632
+ "\n",
633
+ "426\n",
634
+ "00:17:03.799 --> 00:17:08.600\n",
635
+ "okay\n",
636
+ "\n",
637
+ "427\n",
638
+ "00:17:05.360 --> 00:17:08.600\n",
639
+ "I'm okay\n",
640
+ "\n",
641
+ "428\n",
642
+ "00:17:09.179 --> 00:17:15.299\n",
643
+ "but I I'm like gushing tears you have\n",
644
+ "\n",
645
+ "429\n",
646
+ "00:17:13.079 --> 00:17:16.980\n",
647
+ "just it's like the one\n",
648
+ "\n",
649
+ "430\n",
650
+ "00:17:15.299 --> 00:17:18.780\n",
651
+ "like it's like out of them believe them\n",
652
+ "\n",
653
+ "431\n",
654
+ "00:17:16.980 --> 00:17:20.339\n",
655
+ "it's out of a blue like this is a part\n",
656
+ "\n",
657
+ "432\n",
658
+ "00:17:18.780 --> 00:17:21.959\n",
659
+ "of the [ __ ] hot one Spiritual\n",
660
+ "\n",
661
+ "433\n",
662
+ "00:17:20.339 --> 00:17:23.699\n",
663
+ "Awakening\n",
664
+ "\n",
665
+ "434\n",
666
+ "00:17:21.959 --> 00:17:25.880\n",
667
+ "good\n",
668
+ "\n",
669
+ "435\n",
670
+ "00:17:23.699 --> 00:17:28.679\n",
671
+ "foreign\n",
672
+ "\n",
673
+ "436\n",
674
+ "00:17:25.880 --> 00:17:31.740\n",
675
+ "like I'm here for it okay\n",
676
+ "\n",
677
+ "437\n",
678
+ "00:17:28.679 --> 00:17:34.320\n",
679
+ "so the easiest\n",
680
+ "\n",
681
+ "438\n",
682
+ "00:17:31.740 --> 00:17:37.200\n",
683
+ "leave it it's part of it\n",
684
+ "\n",
685
+ "439\n",
686
+ "00:17:34.320 --> 00:17:39.059\n",
687
+ "I love it yes\n",
688
+ "\n",
689
+ "440\n",
690
+ "00:17:37.200 --> 00:17:40.020\n",
691
+ "no I mean it [ __ ] hurts so [ __ ]\n",
692
+ "\n",
693
+ "441\n",
694
+ "00:17:39.059 --> 00:17:41.820\n",
695
+ "bad\n",
696
+ "\n",
697
+ "442\n",
698
+ "00:17:40.020 --> 00:17:45.000\n",
699
+ "okay\n",
700
+ "\n",
701
+ "443\n",
702
+ "00:17:41.820 --> 00:17:48.000\n",
703
+ "um the easiest dollar\n",
704
+ "\n",
705
+ "444\n",
706
+ "00:17:45.000 --> 00:17:49.130\n",
707
+ "you make as an influencer I would say\n",
708
+ "\n",
709
+ "445\n",
710
+ "00:17:48.000 --> 00:17:52.289\n",
711
+ "would be\n",
712
+ "\n",
713
+ "446\n",
714
+ "00:17:49.130 --> 00:17:52.289\n",
715
+ "[Music]\n",
716
+ "\n",
717
+ "447\n",
718
+ "00:17:52.320 --> 00:17:56.760\n",
719
+ "like holding up a product on Instagram\n",
720
+ "\n",
721
+ "448\n",
722
+ "00:17:54.419 --> 00:17:58.559\n",
723
+ "taking a photo you know and posting it\n",
724
+ "\n",
725
+ "449\n",
726
+ "00:17:56.760 --> 00:18:01.520\n",
727
+ "being like hashtag ad\n",
728
+ "\n",
729
+ "450\n",
730
+ "00:17:58.559 --> 00:18:01.520\n",
731
+ "Fletcher's easy\n",
732
+ "\n",
733
+ "451\n",
734
+ "00:18:03.600 --> 00:18:07.080\n",
735
+ "um\n",
736
+ "\n",
737
+ "452\n",
738
+ "00:18:05.280 --> 00:18:08.880\n",
739
+ "I just wish people knew at home that\n",
740
+ "\n",
741
+ "453\n",
742
+ "00:18:07.080 --> 00:18:10.860\n",
743
+ "like when everybody's crying and like\n",
744
+ "\n",
745
+ "454\n",
746
+ "00:18:08.880 --> 00:18:12.720\n",
747
+ "everybody's like\n",
748
+ "\n",
749
+ "455\n",
750
+ "00:18:10.860 --> 00:18:15.360\n",
751
+ "can't get words out\n",
752
+ "\n",
753
+ "456\n",
754
+ "00:18:12.720 --> 00:18:17.460\n",
755
+ "that like this shit's serious right like\n",
756
+ "\n",
757
+ "457\n",
758
+ "00:18:15.360 --> 00:18:18.660\n",
759
+ "because I feel like even I when I used\n",
760
+ "\n",
761
+ "458\n",
762
+ "00:18:17.460 --> 00:18:20.340\n",
763
+ "to watch it I was like this shit's not\n",
764
+ "\n",
765
+ "459\n",
766
+ "00:18:18.660 --> 00:18:22.380\n",
767
+ "that serious like\n",
768
+ "\n",
769
+ "460\n",
770
+ "00:18:20.340 --> 00:18:26.220\n",
771
+ "you're a [ __ ]\n",
772
+ "\n",
773
+ "461\n",
774
+ "00:18:22.380 --> 00:18:27.600\n",
775
+ "and now I'm like no right I'm so sorry\n",
776
+ "\n",
777
+ "462\n",
778
+ "00:18:26.220 --> 00:18:30.120\n",
779
+ "um for everything\n",
780
+ "\n",
781
+ "463\n",
782
+ "00:18:27.600 --> 00:18:33.000\n",
783
+ "to the ghosts of hot ones guest pass to\n",
784
+ "\n",
785
+ "464\n",
786
+ "00:18:30.120 --> 00:18:35.700\n",
787
+ "the ghost of hot ones guest passed I'm\n",
788
+ "\n",
789
+ "465\n",
790
+ "00:18:33.000 --> 00:18:37.380\n",
791
+ "sorry for my my judgment from home you\n",
792
+ "\n",
793
+ "466\n",
794
+ "00:18:35.700 --> 00:18:40.280\n",
795
+ "were Brave\n",
796
+ "\n",
797
+ "467\n",
798
+ "00:18:37.380 --> 00:18:40.280\n",
799
+ "and I get it\n",
800
+ "\n",
801
+ "468\n",
802
+ "00:18:41.910 --> 00:18:48.120\n",
803
+ "[Music]\n",
804
+ "\n",
805
+ "469\n",
806
+ "00:18:44.660 --> 00:18:51.740\n",
807
+ "okay let's let's rock on this next one\n",
808
+ "\n",
809
+ "470\n",
810
+ "00:18:48.120 --> 00:18:51.740\n",
811
+ "is pucker butt's unique garlic\n",
812
+ "\n",
813
+ "471\n",
814
+ "00:18:55.020 --> 00:18:58.140\n",
815
+ "I don't consider myself like\n",
816
+ "\n",
817
+ "472\n",
818
+ "00:18:57.179 --> 00:19:00.000\n",
819
+ "I don't know I'm just feeling\n",
820
+ "\n",
821
+ "473\n",
822
+ "00:18:58.140 --> 00:19:02.700\n",
823
+ "particularly spiritual praying that God\n",
824
+ "\n",
825
+ "474\n",
826
+ "00:19:00.000 --> 00:19:06.260\n",
827
+ "knows what else is up there in these\n",
828
+ "\n",
829
+ "475\n",
830
+ "00:19:02.700 --> 00:19:06.260\n",
831
+ "trying times these trying times\n",
832
+ "\n",
833
+ "476\n",
834
+ "00:19:11.160 --> 00:19:15.279\n",
835
+ "foreign\n",
836
+ "\n",
837
+ "477\n",
838
+ "00:19:11.990 --> 00:19:15.279\n",
839
+ "[Music]\n",
840
+ "\n",
841
+ "478\n",
842
+ "00:19:17.460 --> 00:19:21.179\n",
843
+ "so your podcast anything goes with Emma\n",
844
+ "\n",
845
+ "479\n",
846
+ "00:19:19.500 --> 00:19:23.340\n",
847
+ "Chamberlain is an episodic thought\n",
848
+ "\n",
849
+ "480\n",
850
+ "00:19:21.179 --> 00:19:25.740\n",
851
+ "exercise where you Ponder questions that\n",
852
+ "\n",
853
+ "481\n",
854
+ "00:19:23.340 --> 00:19:27.900\n",
855
+ "range from how much privacy a celebrity\n",
856
+ "\n",
857
+ "482\n",
858
+ "00:19:25.740 --> 00:19:30.360\n",
859
+ "is entitled to to whether or not anyone\n",
860
+ "\n",
861
+ "483\n",
862
+ "00:19:27.900 --> 00:19:31.799\n",
863
+ "is actually cool as someone who's open\n",
864
+ "\n",
865
+ "484\n",
866
+ "00:19:30.360 --> 00:19:33.960\n",
867
+ "about the fact that their opinions\n",
868
+ "\n",
869
+ "485\n",
870
+ "00:19:31.799 --> 00:19:36.000\n",
871
+ "change all the time what's like the last\n",
872
+ "\n",
873
+ "486\n",
874
+ "00:19:33.960 --> 00:19:37.320\n",
875
+ "or most recent like bad take you've had\n",
876
+ "\n",
877
+ "487\n",
878
+ "00:19:36.000 --> 00:19:39.059\n",
879
+ "on your own podcast\n",
880
+ "\n",
881
+ "488\n",
882
+ "00:19:37.320 --> 00:19:40.799\n",
883
+ "I don't know to be honest like I don't\n",
884
+ "\n",
885
+ "489\n",
886
+ "00:19:39.059 --> 00:19:41.820\n",
887
+ "look at any of my anything I've ever\n",
888
+ "\n",
889
+ "490\n",
890
+ "00:19:40.799 --> 00:19:43.679\n",
891
+ "said\n",
892
+ "\n",
893
+ "491\n",
894
+ "00:19:41.820 --> 00:19:45.620\n",
895
+ "I almost throw it in the dumpster behind\n",
896
+ "\n",
897
+ "492\n",
898
+ "00:19:43.679 --> 00:19:48.600\n",
899
+ "me yeah\n",
900
+ "\n",
901
+ "493\n",
902
+ "00:19:45.620 --> 00:19:50.880\n",
903
+ "it's true right then but it might not be\n",
904
+ "\n",
905
+ "494\n",
906
+ "00:19:48.600 --> 00:19:52.980\n",
907
+ "true literally tomorrow and I try to\n",
908
+ "\n",
909
+ "495\n",
910
+ "00:19:50.880 --> 00:19:55.799\n",
911
+ "make sure everyone knows that so that\n",
912
+ "\n",
913
+ "496\n",
914
+ "00:19:52.980 --> 00:19:57.720\n",
915
+ "you know it's not like anyone's like\n",
916
+ "\n",
917
+ "497\n",
918
+ "00:19:55.799 --> 00:20:00.360\n",
919
+ "but I don't know what about that that\n",
920
+ "\n",
921
+ "498\n",
922
+ "00:19:57.720 --> 00:20:03.059\n",
923
+ "you said it's like no I'm always ebbing\n",
924
+ "\n",
925
+ "499\n",
926
+ "00:20:00.360 --> 00:20:05.760\n",
927
+ "and flowing baby and that's a good\n",
928
+ "\n",
929
+ "500\n",
930
+ "00:20:03.059 --> 00:20:07.440\n",
931
+ "that's a good place to be\n",
932
+ "\n",
933
+ "501\n",
934
+ "00:20:05.760 --> 00:20:09.539\n",
935
+ "what\n",
936
+ "\n",
937
+ "502\n",
938
+ "00:20:07.440 --> 00:20:11.760\n",
939
+ "are we going in\n",
940
+ "\n",
941
+ "503\n",
942
+ "00:20:09.539 --> 00:20:13.380\n",
943
+ "if you're ready are we last stabbing it\n",
944
+ "\n",
945
+ "504\n",
946
+ "00:20:11.760 --> 00:20:15.780\n",
947
+ "we're last stabbing it if you're ready\n",
948
+ "\n",
949
+ "505\n",
950
+ "00:20:13.380 --> 00:20:18.140\n",
951
+ "I'm just [ __ ] doing it\n",
952
+ "\n",
953
+ "506\n",
954
+ "00:20:15.780 --> 00:20:22.809\n",
955
+ "oh that's a good Shake\n",
956
+ "\n",
957
+ "507\n",
958
+ "00:20:18.140 --> 00:20:22.809\n",
959
+ "[Music]\n",
960
+ "\n",
961
+ "508\n",
962
+ "00:20:22.860 --> 00:20:27.059\n",
963
+ "how much are we doing here\n",
964
+ "\n",
965
+ "509\n",
966
+ "00:20:25.200 --> 00:20:28.559\n",
967
+ "that looks measured that is looking good\n",
968
+ "\n",
969
+ "510\n",
970
+ "00:20:27.059 --> 00:20:32.160\n",
971
+ "that is looking good yeah that's perfect\n",
972
+ "\n",
973
+ "511\n",
974
+ "00:20:28.559 --> 00:20:34.679\n",
975
+ "any more than that that is good\n",
976
+ "\n",
977
+ "512\n",
978
+ "00:20:32.160 --> 00:20:36.360\n",
979
+ "all right I'm just like taking my time\n",
980
+ "\n",
981
+ "513\n",
982
+ "00:20:34.679 --> 00:20:38.700\n",
983
+ "putting it back\n",
984
+ "\n",
985
+ "514\n",
986
+ "00:20:36.360 --> 00:20:41.340\n",
987
+ "taking my time I'll screw back on too\n",
988
+ "\n",
989
+ "515\n",
990
+ "00:20:38.700 --> 00:20:42.660\n",
991
+ "just for for you guys so it looks good\n",
992
+ "\n",
993
+ "516\n",
994
+ "00:20:41.340 --> 00:20:44.600\n",
995
+ "on the table\n",
996
+ "\n",
997
+ "517\n",
998
+ "00:20:42.660 --> 00:20:47.100\n",
999
+ "shout out to the crew\n",
1000
+ "\n",
1001
+ "518\n",
1002
+ "00:20:44.600 --> 00:20:50.580\n",
1003
+ "I'm not like stalking\n",
1004
+ "\n",
1005
+ "519\n",
1006
+ "00:20:47.100 --> 00:20:53.000\n",
1007
+ "all right and it's time to go cheers all\n",
1008
+ "\n",
1009
+ "520\n",
1010
+ "00:20:50.580 --> 00:20:53.000\n",
1011
+ "right cheers\n",
1012
+ "\n",
1013
+ "521\n",
1014
+ "00:20:53.510 --> 00:20:58.609\n",
1015
+ "[Music]\n",
1016
+ "\n",
1017
+ "522\n",
1018
+ "00:20:59.059 --> 00:21:05.100\n",
1019
+ "and while that settles nice long wind up\n",
1020
+ "\n",
1021
+ "523\n",
1022
+ "00:21:02.039 --> 00:21:07.200\n",
1023
+ "to close things out what I want to do is\n",
1024
+ "\n",
1025
+ "524\n",
1026
+ "00:21:05.100 --> 00:21:10.500\n",
1027
+ "we'll pray on your natural creative\n",
1028
+ "\n",
1029
+ "525\n",
1030
+ "00:21:07.200 --> 00:21:13.980\n",
1031
+ "instincts in aesthetic can you rearrange\n",
1032
+ "\n",
1033
+ "526\n",
1034
+ "00:21:10.500 --> 00:21:17.100\n",
1035
+ "the hot ones Gauntlet from favorite to\n",
1036
+ "\n",
1037
+ "527\n",
1038
+ "00:21:13.980 --> 00:21:19.440\n",
1039
+ "least favorite based entirely on the\n",
1040
+ "\n",
1041
+ "528\n",
1042
+ "00:21:17.100 --> 00:21:20.880\n",
1043
+ "artistic appeal of the labels\n",
1044
+ "\n",
1045
+ "529\n",
1046
+ "00:21:19.440 --> 00:21:23.039\n",
1047
+ "like which one I think is the most\n",
1048
+ "\n",
1049
+ "530\n",
1050
+ "00:21:20.880 --> 00:21:25.620\n",
1051
+ "aesthetic yeah aesthetically amazing\n",
1052
+ "\n",
1053
+ "531\n",
1054
+ "00:21:23.039 --> 00:21:27.539\n",
1055
+ "this is like actually my dream yeah of\n",
1056
+ "\n",
1057
+ "532\n",
1058
+ "00:21:25.620 --> 00:21:29.220\n",
1059
+ "an activity especially during my like\n",
1060
+ "\n",
1061
+ "533\n",
1062
+ "00:21:27.539 --> 00:21:31.020\n",
1063
+ "what I'm feeling right now although part\n",
1064
+ "\n",
1065
+ "534\n",
1066
+ "00:21:29.220 --> 00:21:33.299\n",
1067
+ "of me like wants to like\n",
1068
+ "\n",
1069
+ "535\n",
1070
+ "00:21:31.020 --> 00:21:35.280\n",
1071
+ "finish the wing to like really like do\n",
1072
+ "\n",
1073
+ "536\n",
1074
+ "00:21:33.299 --> 00:21:38.000\n",
1075
+ "it should be [ __ ] let's do it let's\n",
1076
+ "\n",
1077
+ "537\n",
1078
+ "00:21:35.280 --> 00:21:38.000\n",
1079
+ "go okay\n",
1080
+ "\n",
1081
+ "538\n",
1082
+ "00:21:38.880 --> 00:21:43.940\n",
1083
+ "what I'm so do I regret okay\n",
1084
+ "\n",
1085
+ "539\n",
1086
+ "00:21:48.840 --> 00:21:53.460\n",
1087
+ "okay I'm determined one more bite\n",
1088
+ "\n",
1089
+ "540\n",
1090
+ "00:21:50.280 --> 00:21:55.200\n",
1091
+ "incredible I'm not a baby and I want\n",
1092
+ "\n",
1093
+ "541\n",
1094
+ "00:21:53.460 --> 00:21:58.679\n",
1095
+ "everyone out there to know that I\n",
1096
+ "\n",
1097
+ "542\n",
1098
+ "00:21:55.200 --> 00:22:01.380\n",
1099
+ "[ __ ] came here and I [ __ ] did it\n",
1100
+ "\n",
1101
+ "543\n",
1102
+ "00:21:58.679 --> 00:22:04.500\n",
1103
+ "let them know this has been my dream\n",
1104
+ "\n",
1105
+ "544\n",
1106
+ "00:22:01.380 --> 00:22:06.240\n",
1107
+ "since I first started YouTube was to one\n",
1108
+ "\n",
1109
+ "545\n",
1110
+ "00:22:04.500 --> 00:22:08.640\n",
1111
+ "day come here and I'm [ __ ] finishing\n",
1112
+ "\n",
1113
+ "546\n",
1114
+ "00:22:06.240 --> 00:22:11.960\n",
1115
+ "the last week okay it was changing the\n",
1116
+ "\n",
1117
+ "547\n",
1118
+ "00:22:08.640 --> 00:22:11.960\n",
1119
+ "last one wait what yes\n",
1120
+ "\n",
1121
+ "548\n",
1122
+ "00:22:13.380 --> 00:22:17.460\n",
1123
+ "I always wanted to come on the show\n",
1124
+ "\n",
1125
+ "549\n",
1126
+ "00:22:15.720 --> 00:22:20.580\n",
1127
+ "because I've been obsessed with it since\n",
1128
+ "\n",
1129
+ "550\n",
1130
+ "00:22:17.460 --> 00:22:24.120\n",
1131
+ "it like literally came out and started\n",
1132
+ "\n",
1133
+ "551\n",
1134
+ "00:22:20.580 --> 00:22:26.640\n",
1135
+ "however long ago and I was like once I\n",
1136
+ "\n",
1137
+ "552\n",
1138
+ "00:22:24.120 --> 00:22:29.760\n",
1139
+ "[ __ ] go on hot ones\n",
1140
+ "\n",
1141
+ "553\n",
1142
+ "00:22:26.640 --> 00:22:31.919\n",
1143
+ "I like I can retire like that's always\n",
1144
+ "\n",
1145
+ "554\n",
1146
+ "00:22:29.760 --> 00:22:33.900\n",
1147
+ "been my thing\n",
1148
+ "\n",
1149
+ "555\n",
1150
+ "00:22:31.919 --> 00:22:37.020\n",
1151
+ "and so like I'm [ __ ] finishing the\n",
1152
+ "\n",
1153
+ "556\n",
1154
+ "00:22:33.900 --> 00:22:37.020\n",
1155
+ "wings okay\n",
1156
+ "\n",
1157
+ "557\n",
1158
+ "00:22:38.520 --> 00:22:44.039\n",
1159
+ "[Music]\n",
1160
+ "\n",
1161
+ "558\n",
1162
+ "00:22:41.059 --> 00:22:45.659\n",
1163
+ "Pico Rico with the cat your favorite\n",
1164
+ "\n",
1165
+ "559\n",
1166
+ "00:22:44.039 --> 00:22:47.340\n",
1167
+ "that cat is just so\n",
1168
+ "\n",
1169
+ "560\n",
1170
+ "00:22:45.659 --> 00:22:49.140\n",
1171
+ "has to go first it makes me want to buy\n",
1172
+ "\n",
1173
+ "561\n",
1174
+ "00:22:47.340 --> 00:22:53.280\n",
1175
+ "the hot sauce\n",
1176
+ "\n",
1177
+ "562\n",
1178
+ "00:22:49.140 --> 00:22:55.980\n",
1179
+ "I love when animals are on stuff next\n",
1180
+ "\n",
1181
+ "563\n",
1182
+ "00:22:53.280 --> 00:22:58.500\n",
1183
+ "we're gonna go with this one I really I\n",
1184
+ "\n",
1185
+ "564\n",
1186
+ "00:22:55.980 --> 00:23:01.260\n",
1187
+ "like the colors very inviting\n",
1188
+ "\n",
1189
+ "565\n",
1190
+ "00:22:58.500 --> 00:23:03.840\n",
1191
+ "not traditional but personal I love that\n",
1192
+ "\n",
1193
+ "566\n",
1194
+ "00:23:01.260 --> 00:23:06.780\n",
1195
+ "little branding\n",
1196
+ "\n",
1197
+ "567\n",
1198
+ "00:23:03.840 --> 00:23:08.880\n",
1199
+ "okay I really like it\n",
1200
+ "\n",
1201
+ "568\n",
1202
+ "00:23:06.780 --> 00:23:10.320\n",
1203
+ "I really like this one I mean it's you\n",
1204
+ "\n",
1205
+ "569\n",
1206
+ "00:23:08.880 --> 00:23:13.679\n",
1207
+ "guys so like\n",
1208
+ "\n",
1209
+ "570\n",
1210
+ "00:23:10.320 --> 00:23:15.720\n",
1211
+ "but I like it because it's simple and\n",
1212
+ "\n",
1213
+ "571\n",
1214
+ "00:23:13.679 --> 00:23:17.640\n",
1215
+ "effective and classic and that's exactly\n",
1216
+ "\n",
1217
+ "572\n",
1218
+ "00:23:15.720 --> 00:23:18.900\n",
1219
+ "what it is\n",
1220
+ "\n",
1221
+ "573\n",
1222
+ "00:23:17.640 --> 00:23:20.280\n",
1223
+ "for some reason it's going last like\n",
1224
+ "\n",
1225
+ "574\n",
1226
+ "00:23:18.900 --> 00:23:22.380\n",
1227
+ "don't want to offend anyone but I just\n",
1228
+ "\n",
1229
+ "575\n",
1230
+ "00:23:20.280 --> 00:23:26.059\n",
1231
+ "like feel like it reminds me of like\n",
1232
+ "\n",
1233
+ "576\n",
1234
+ "00:23:22.380 --> 00:23:26.059\n",
1235
+ "a Florida like Grandma\n",
1236
+ "\n",
1237
+ "577\n",
1238
+ "00:23:26.460 --> 00:23:30.299\n",
1239
+ "okay you know what [ __ ] him just zooming\n",
1240
+ "\n",
1241
+ "578\n",
1242
+ "00:23:28.500 --> 00:23:31.980\n",
1243
+ "through now here we go okay this one\n",
1244
+ "\n",
1245
+ "579\n",
1246
+ "00:23:30.299 --> 00:23:34.799\n",
1247
+ "reminds me of like so many this is like\n",
1248
+ "\n",
1249
+ "580\n",
1250
+ "00:23:31.980 --> 00:23:36.840\n",
1251
+ "the Burning Man Edition\n",
1252
+ "\n",
1253
+ "581\n",
1254
+ "00:23:34.799 --> 00:23:39.200\n",
1255
+ "the bomb it's effective and it's\n",
1256
+ "\n",
1257
+ "582\n",
1258
+ "00:23:36.840 --> 00:23:39.200\n",
1259
+ "accurate\n",
1260
+ "\n",
1261
+ "583\n",
1262
+ "00:23:40.679 --> 00:23:44.940\n",
1263
+ "final touches\n",
1264
+ "\n",
1265
+ "584\n",
1266
+ "00:23:42.480 --> 00:23:47.159\n",
1267
+ "final touches I'm committing to this oh\n",
1268
+ "\n",
1269
+ "585\n",
1270
+ "00:23:44.940 --> 00:23:49.320\n",
1271
+ "my God I'm done and there you have it\n",
1272
+ "\n",
1273
+ "586\n",
1274
+ "00:23:47.159 --> 00:23:51.480\n",
1275
+ "set it in stone and hang it in the\n",
1276
+ "\n",
1277
+ "587\n",
1278
+ "00:23:49.320 --> 00:23:53.520\n",
1279
+ "Louvre Emma Chamberlain taking on the\n",
1280
+ "\n",
1281
+ "588\n",
1282
+ "00:23:51.480 --> 00:23:55.559\n",
1283
+ "hot ones Gauntlet and living to tell the\n",
1284
+ "\n",
1285
+ "589\n",
1286
+ "00:23:53.520 --> 00:23:57.299\n",
1287
+ "tale now there's nothing left to do but\n",
1288
+ "\n",
1289
+ "590\n",
1290
+ "00:23:55.559 --> 00:23:59.100\n",
1291
+ "roll out the red carpet for you this\n",
1292
+ "\n",
1293
+ "591\n",
1294
+ "00:23:57.299 --> 00:24:00.299\n",
1295
+ "camera this camera this camera let the\n",
1296
+ "\n",
1297
+ "592\n",
1298
+ "00:23:59.100 --> 00:24:02.600\n",
1299
+ "people know what you have going on in\n",
1300
+ "\n",
1301
+ "593\n",
1302
+ "00:24:00.299 --> 00:24:02.600\n",
1303
+ "your life\n",
1304
+ "\n",
1305
+ "594\n",
1306
+ "00:24:02.760 --> 00:24:06.500\n",
1307
+ "um yes yes\n",
1308
+ "\n",
1309
+ "595\n",
1310
+ "00:24:04.380 --> 00:24:06.500\n",
1311
+ "thank you\n",
1312
+ "\n",
1313
+ "596\n",
1314
+ "00:24:06.960 --> 00:24:12.659\n",
1315
+ "um well I have a coffee company uh\n",
1316
+ "\n",
1317
+ "597\n",
1318
+ "00:24:10.460 --> 00:24:15.179\n",
1319
+ "chamberlaincoffee.com pick up some\n",
1320
+ "\n",
1321
+ "598\n",
1322
+ "00:24:12.659 --> 00:24:17.460\n",
1323
+ "coffee tea coffee and tea related\n",
1324
+ "\n",
1325
+ "599\n",
1326
+ "00:24:15.179 --> 00:24:19.679\n",
1327
+ "accessories I have a podcast anything\n",
1328
+ "\n",
1329
+ "600\n",
1330
+ "00:24:17.460 --> 00:24:22.440\n",
1331
+ "goes check it out new episodes all the\n",
1332
+ "\n",
1333
+ "601\n",
1334
+ "00:24:19.679 --> 00:24:23.820\n",
1335
+ "time every Thursday every week\n",
1336
+ "\n",
1337
+ "602\n",
1338
+ "00:24:22.440 --> 00:24:26.520\n",
1339
+ "um and sometimes I make YouTube videos\n",
1340
+ "\n",
1341
+ "603\n",
1342
+ "00:24:23.820 --> 00:24:32.659\n",
1343
+ "when my when it sets my soul on fire\n",
1344
+ "\n",
1345
+ "604\n",
1346
+ "00:24:26.520 --> 00:24:32.659\n",
1347
+ "thank you Sean what a day what a day\n",
1348
+ "\n",
1349
+ "605\n",
1350
+ "00:24:32.880 --> 00:24:37.080\n",
1351
+ "you did it that was so fun\n",
1352
+ "\n",
1353
+ "606\n",
1354
+ "00:24:35.159 --> 00:24:40.440\n",
1355
+ "what are you gonna tell your dad\n",
1356
+ "\n",
1357
+ "607\n",
1358
+ "00:24:37.080 --> 00:24:41.880\n",
1359
+ "that this shit's serious and and that I\n",
1360
+ "\n",
1361
+ "608\n",
1362
+ "00:24:40.440 --> 00:24:43.620\n",
1363
+ "saw in your face that you're there with\n",
1364
+ "\n",
1365
+ "609\n",
1366
+ "00:24:41.880 --> 00:24:44.760\n",
1367
+ "me right there with you you were there\n",
1368
+ "\n",
1369
+ "610\n",
1370
+ "00:24:43.620 --> 00:24:46.380\n",
1371
+ "with me oh my God I shouldn't touch\n",
1372
+ "\n",
1373
+ "611\n",
1374
+ "00:24:44.760 --> 00:24:50.360\n",
1375
+ "myself yeah be careful I did you made it\n",
1376
+ "\n",
1377
+ "612\n",
1378
+ "00:24:46.380 --> 00:24:50.360\n",
1379
+ "all the way to this point all the way up\n",
1380
+ "\n",
1381
+ "613\n",
1382
+ "00:24:50.940 --> 00:24:55.679\n",
1383
+ "that was so fun you had a good time\n",
1384
+ "\n",
1385
+ "614\n",
1386
+ "00:24:53.820 --> 00:24:58.220\n",
1387
+ "are you guys free for another hour let's\n",
1388
+ "\n",
1389
+ "615\n",
1390
+ "00:24:55.679 --> 00:24:58.220\n",
1391
+ "do it again\n",
1392
+ "\n",
1393
+ "616\n",
1394
+ "00:24:59.940 --> 00:25:04.740\n",
1395
+ "thank you so much for watching today's\n",
1396
+ "\n",
1397
+ "617\n",
1398
+ "00:25:01.919 --> 00:25:08.039\n",
1399
+ "video and hot ones fans I have a very\n",
1400
+ "\n",
1401
+ "618\n",
1402
+ "00:25:04.740 --> 00:25:10.980\n",
1403
+ "exciting announcement the hot ones Shake\n",
1404
+ "\n",
1405
+ "619\n",
1406
+ "00:25:08.039 --> 00:25:13.320\n",
1407
+ "Shack collab is finally here the hot\n",
1408
+ "\n",
1409
+ "620\n",
1410
+ "00:25:10.980 --> 00:25:16.559\n",
1411
+ "ones cheese fries the hot ones Burger\n",
1412
+ "\n",
1413
+ "621\n",
1414
+ "00:25:13.320 --> 00:25:19.140\n",
1415
+ "the hot ones chicken all made with a\n",
1416
+ "\n",
1417
+ "622\n",
1418
+ "00:25:16.559 --> 00:25:22.140\n",
1419
+ "shack sauce that includes hot ones the\n",
1420
+ "\n",
1421
+ "623\n",
1422
+ "00:25:19.140 --> 00:25:25.380\n",
1423
+ "classic along with the last dab it's\n",
1424
+ "\n",
1425
+ "624\n",
1426
+ "00:25:22.140 --> 00:25:28.080\n",
1427
+ "very spicy it's very delicious and it's\n",
1428
+ "\n",
1429
+ "625\n",
1430
+ "00:25:25.380 --> 00:25:29.820\n",
1431
+ "available for a limited time now through\n",
1432
+ "\n",
1433
+ "626\n",
1434
+ "00:25:28.080 --> 00:25:31.740\n",
1435
+ "the end of the year at Shake Shacks\n",
1436
+ "\n",
1437
+ "627\n",
1438
+ "00:25:29.820 --> 00:25:34.140\n",
1439
+ "Nationwide and via the Shake Shack app\n",
1440
+ "\n",
1441
+ "628\n",
1442
+ "00:25:31.740 --> 00:25:37.340\n",
1443
+ "be careful around your eyes and don't\n",
1444
+ "\n",
1445
+ "629\n",
1446
+ "00:25:34.140 --> 00:25:37.340\n",
1447
+ "forget to order a milkshake\n",
1448
+ "\n",
1449
+ "630\n",
1450
+ "00:25:37.490 --> 00:25:40.980\n",
1451
+ "[Music]\n"
1452
+ ]
1453
+ }
1454
+ ],
1455
+ "source": [
1456
+ "print(ranked_chunks[8].text)"
1457
+ ],
1458
+ "metadata": {
1459
+ "collapsed": false,
1460
+ "ExecuteTime": {
1461
+ "end_time": "2024-05-22T23:02:09.020859Z",
1462
+ "start_time": "2024-05-22T23:02:09.016591Z"
1463
+ }
1464
+ },
1465
+ "id": "9923b47429e89cf6",
1466
+ "execution_count": 249
1467
+ },
1468
+ {
1469
+ "cell_type": "code",
1470
+ "outputs": [
1471
+ {
1472
+ "data": {
1473
+ "text/plain": "['David Blaine Does Magic While Eating Spicy Wings | Hot Ones',\n 'Puss in Boots Can’t Feel His Tail While Eating Spicy Wings | Hot Ones',\n 'Will Ferrell Brings the Spirit to the Hot Ones Holiday Extravaganza | Hot Ones',\n 'Emma Chamberlain Has a Spiritual Awakening While Eating Spicy Wings | Hot Ones',\n 'Israel Adesanya Gives Thanks While Eating Spicy Wings | Hot Ones',\n 'Viola Davis Gives a Master Class While Eating Spicy Wings | Hot Ones',\n \"Cate Blanchett Pretends No One's Watching While Eating Spicy Wings | Hot Ones\",\n 'Kid Cudi Goes to the Moon While Eating Spicy Wings | Hot Ones',\n 'James Corden Experiences Mouth Karma While Eating Spicy Wings | Hot Ones',\n 'Zoe Saldaña Gets Scorched By Spicy Wings | Hot Ones',\n 'Kate Hudson Stays Positive While Eating Spicy Wings | Hot Ones',\n 'Paul Dano Needs a Burp Cloth While Eating Spicy Wings | Hot Ones',\n 'Cole Bennett Needs Lemonade While Eating Spicy Wings | Hot Ones',\n 'The Best Da Bomb Reactions of 2022 | Hot Ones',\n 'Sean Evans Reveals the Season 19 Hot Sauce Lineup | Hot Ones',\n 'Ramy Youssef Lives on a Prayer While Eating Spicy Wings | Hot Ones',\n 'The Best Last Dab Reactions of 2022 | Hot Ones']"
1474
+ },
1475
+ "execution_count": 250,
1476
+ "metadata": {},
1477
+ "output_type": "execute_result"
1478
+ }
1479
+ ],
1480
+ "source": [
1481
+ "titles"
1482
+ ],
1483
+ "metadata": {
1484
+ "collapsed": false,
1485
+ "ExecuteTime": {
1486
+ "end_time": "2024-05-22T23:02:17.829084Z",
1487
+ "start_time": "2024-05-22T23:02:17.821196Z"
1488
+ }
1489
+ },
1490
+ "id": "cacd84878ab6ad25",
1491
+ "execution_count": 250
1492
+ },
1493
+ {
1494
+ "cell_type": "code",
1495
+ "outputs": [
1496
+ {
1497
+ "data": {
1498
+ "text/plain": "['Will Ferrell Brings the Spirit to the Hot Ones Holiday Extravaganza | Hot Ones',\n 'Israel Adesanya Gives Thanks While Eating Spicy Wings | Hot Ones',\n 'David Blaine Does Magic While Eating Spicy Wings | Hot Ones',\n 'The Best Last Dab Reactions of 2022 | Hot Ones',\n 'Ramy Youssef Lives on a Prayer While Eating Spicy Wings | Hot Ones',\n 'David Blaine Does Magic While Eating Spicy Wings | Hot Ones',\n 'Viola Davis Gives a Master Class While Eating Spicy Wings | Hot Ones',\n \"Cate Blanchett Pretends No One's Watching While Eating Spicy Wings | Hot Ones\",\n 'Emma Chamberlain Has a Spiritual Awakening While Eating Spicy Wings | Hot Ones',\n 'Paul Dano Needs a Burp Cloth While Eating Spicy Wings | Hot Ones',\n 'Puss in Boots Can’t Feel His Tail While Eating Spicy Wings | Hot Ones',\n 'Kate Hudson Stays Positive While Eating Spicy Wings | Hot Ones',\n 'Ramy Youssef Lives on a Prayer While Eating Spicy Wings | Hot Ones',\n \"Cate Blanchett Pretends No One's Watching While Eating Spicy Wings | Hot Ones\",\n 'Sean Evans Reveals the Season 19 Hot Sauce Lineup | Hot Ones',\n 'Will Ferrell Brings the Spirit to the Hot Ones Holiday Extravaganza | Hot Ones',\n 'David Blaine Does Magic While Eating Spicy Wings | Hot Ones',\n 'Emma Chamberlain Has a Spiritual Awakening While Eating Spicy Wings | Hot Ones',\n 'Kid Cudi Goes to the Moon While Eating Spicy Wings | Hot Ones',\n 'James Corden Experiences Mouth Karma While Eating Spicy Wings | Hot Ones',\n 'Cole Bennett Needs Lemonade While Eating Spicy Wings | Hot Ones',\n 'Zoe Saldaña Gets Scorched By Spicy Wings | Hot Ones',\n 'Kid Cudi Goes to the Moon While Eating Spicy Wings | Hot Ones',\n 'Cole Bennett Needs Lemonade While Eating Spicy Wings | Hot Ones',\n 'Kate Hudson Stays Positive While Eating Spicy Wings | Hot Ones',\n 'James Corden Experiences Mouth Karma While Eating Spicy Wings | Hot Ones',\n 'Viola Davis Gives a Master Class While Eating Spicy Wings | Hot Ones',\n 'Paul Dano Needs a Burp Cloth While Eating Spicy Wings | Hot Ones',\n 'Zoe Saldaña Gets Scorched By Spicy Wings | Hot Ones',\n 'Emma Chamberlain Has a Spiritual Awakening While Eating Spicy Wings | Hot Ones',\n 'Paul Dano Needs a Burp Cloth While Eating Spicy Wings | Hot Ones',\n 'The Best Da Bomb Reactions of 2022 | Hot Ones',\n 'Ramy Youssef Lives on a Prayer While Eating Spicy Wings | Hot Ones',\n 'Israel Adesanya Gives Thanks While Eating Spicy Wings | Hot Ones',\n 'James Corden Experiences Mouth Karma While Eating Spicy Wings | Hot Ones',\n 'Will Ferrell Brings the Spirit to the Hot Ones Holiday Extravaganza | Hot Ones',\n 'Israel Adesanya Gives Thanks While Eating Spicy Wings | Hot Ones']"
1499
+ },
1500
+ "execution_count": 242,
1501
+ "metadata": {},
1502
+ "output_type": "execute_result"
1503
+ }
1504
+ ],
1505
+ "source": [
1506
+ "[ranked_chunks[i].title for i in range(37)]"
1507
+ ],
1508
+ "metadata": {
1509
+ "collapsed": false,
1510
+ "ExecuteTime": {
1511
+ "end_time": "2024-05-22T23:01:29.983798Z",
1512
+ "start_time": "2024-05-22T23:01:29.980897Z"
1513
+ }
1514
+ },
1515
+ "id": "bf5adb443de049c4",
1516
+ "execution_count": 242
1517
+ },
1518
+ {
1519
+ "cell_type": "code",
1520
+ "outputs": [],
1521
+ "source": [
1522
+ "messages = get_initial_messages(\"Which guest worked at Abercrombie and Fitch?\", chunk_metadata[18])"
1523
+ ],
1524
+ "metadata": {
1525
+ "collapsed": false,
1526
+ "ExecuteTime": {
1527
+ "end_time": "2024-05-22T22:52:39.615068Z",
1528
+ "start_time": "2024-05-22T22:52:39.605327Z"
1529
+ }
1530
+ },
1531
+ "id": "281f1c603ee675af",
1532
+ "execution_count": 217
1533
+ },
1534
+ {
1535
+ "cell_type": "code",
1536
+ "outputs": [],
1537
+ "source": [
1538
+ "response = client.chat.completions.create(\n",
1539
+ " model=\"gpt-4o\",\n",
1540
+ " messages=messages\n",
1541
+ ")"
1542
+ ],
1543
+ "metadata": {
1544
+ "collapsed": false,
1545
+ "ExecuteTime": {
1546
+ "end_time": "2024-05-22T22:52:46.277986Z",
1547
+ "start_time": "2024-05-22T22:52:44.003187Z"
1548
+ }
1549
+ },
1550
+ "id": "4b8c57a6fadddbf",
1551
+ "execution_count": 218
1552
+ },
1553
+ {
1554
+ "cell_type": "code",
1555
+ "outputs": [
1556
+ {
1557
+ "data": {
1558
+ "text/plain": "'The guest who worked at Abercrombie and Fitch is Kid Cudi. You can find the relevant discussion in the video at this link: [Kid Cudi on Hot Ones](https://www.youtube.com/watch?v=0allwd60wS4&t=569s).'"
1559
+ },
1560
+ "execution_count": 224,
1561
+ "metadata": {},
1562
+ "output_type": "execute_result"
1563
+ }
1564
+ ],
1565
+ "source": [
1566
+ "response.choices[0].message.content"
1567
+ ],
1568
+ "metadata": {
1569
+ "collapsed": false,
1570
+ "ExecuteTime": {
1571
+ "end_time": "2024-05-22T22:53:05.698406Z",
1572
+ "start_time": "2024-05-22T22:53:05.693844Z"
1573
+ }
1574
+ },
1575
+ "id": "2044d01528d9ad72",
1576
+ "execution_count": 224
1577
+ },
1578
+ {
1579
+ "cell_type": "code",
1580
+ "outputs": [
1581
+ {
1582
+ "data": {
1583
+ "text/plain": "array([18, 30, 34, 1, 29, 8, 4, 10, 2, 33, 24, 17, 20, 28, 19, 35, 15,\n 7, 14, 5, 37, 22, 6, 36, 0, 26, 31, 16, 23, 25, 27, 12, 21, 13,\n 9, 3, 32, 11])"
1584
+ },
1585
+ "execution_count": 184,
1586
+ "metadata": {},
1587
+ "output_type": "execute_result"
1588
+ }
1589
+ ],
1590
+ "source": [
1591
+ "np.argsort(similarities)[::-1] "
1592
+ ],
1593
+ "metadata": {
1594
+ "collapsed": false,
1595
+ "ExecuteTime": {
1596
+ "end_time": "2024-05-22T22:41:08.721590Z",
1597
+ "start_time": "2024-05-22T22:41:08.718696Z"
1598
+ }
1599
+ },
1600
+ "id": "b8c0eea25215e336",
1601
+ "execution_count": 184
1602
+ }
1603
+ ],
1604
+ "metadata": {
1605
+ "kernelspec": {
1606
+ "display_name": "Python 3",
1607
+ "language": "python",
1608
+ "name": "python3"
1609
+ },
1610
+ "language_info": {
1611
+ "codemirror_mode": {
1612
+ "name": "ipython",
1613
+ "version": 2
1614
+ },
1615
+ "file_extension": ".py",
1616
+ "mimetype": "text/x-python",
1617
+ "name": "python",
1618
+ "nbconvert_exporter": "python",
1619
+ "pygments_lexer": "ipython2",
1620
+ "version": "2.7.6"
1621
+ }
1622
+ },
1623
+ "nbformat": 4,
1624
+ "nbformat_minor": 5
1625
+ }
generate_questions.ipynb ADDED
@@ -0,0 +1,247 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "code",
5
+ "outputs": [],
6
+ "source": [
7
+ "import instructor\n",
8
+ "from pydantic import BaseModel\n",
9
+ "from openai import OpenAI\n",
10
+ "\n",
11
+ "import dotenv\n",
12
+ "from tqdm.auto import trange\n",
13
+ "\n",
14
+ "import json"
15
+ ],
16
+ "metadata": {
17
+ "collapsed": false,
18
+ "ExecuteTime": {
19
+ "end_time": "2024-05-23T21:23:26.793952Z",
20
+ "start_time": "2024-05-23T21:23:26.789582Z"
21
+ }
22
+ },
23
+ "id": "1b2180343e5180dd",
24
+ "execution_count": 36
25
+ },
26
+ {
27
+ "cell_type": "code",
28
+ "outputs": [
29
+ {
30
+ "data": {
31
+ "text/plain": "True"
32
+ },
33
+ "execution_count": 20,
34
+ "metadata": {},
35
+ "output_type": "execute_result"
36
+ }
37
+ ],
38
+ "source": [
39
+ "dotenv.load_dotenv()"
40
+ ],
41
+ "metadata": {
42
+ "collapsed": false,
43
+ "ExecuteTime": {
44
+ "end_time": "2024-05-23T20:49:24.686772Z",
45
+ "start_time": "2024-05-23T20:49:24.683815Z"
46
+ }
47
+ },
48
+ "id": "1296d472faf81f48",
49
+ "execution_count": 20
50
+ },
51
+ {
52
+ "cell_type": "code",
53
+ "outputs": [],
54
+ "source": [
55
+ "def get_initial_messages(transcript: str):\n",
56
+ " return [\n",
57
+ " {\n",
58
+ " \"role\": \"system\",\n",
59
+ " \"content\": [\n",
60
+ " {\n",
61
+ " \"type\": \"text\",\n",
62
+ " \"text\": \"You are a trivia bot writing fun questions for a trivia game. You have been given a transcript of a video. You need to write two questions based on the transcript. Do not refer explicitly to the transcript - it should be a valid question at a trivia night, for fans of the show, which is Hot Ones, Season 19. The questions should be in a JSON format.\"\n",
63
+ " }\n",
64
+ " ]\n",
65
+ " },\n",
66
+ " {\n",
67
+ " \"role\": \"user\",\n",
68
+ " \"content\": [\n",
69
+ " {\n",
70
+ " \"type\": \"text\",\n",
71
+ " \"text\": f\"Transcript: {transcript}\"\n",
72
+ " }\n",
73
+ " ]\n",
74
+ " }\n",
75
+ " ]"
76
+ ],
77
+ "metadata": {
78
+ "collapsed": false,
79
+ "ExecuteTime": {
80
+ "end_time": "2024-05-23T21:19:34.503329Z",
81
+ "start_time": "2024-05-23T21:19:34.498Z"
82
+ }
83
+ },
84
+ "id": "e511c7f86475ac01",
85
+ "execution_count": 30
86
+ },
87
+ {
88
+ "cell_type": "code",
89
+ "outputs": [],
90
+ "source": [
91
+ "class TriviaQuestions(BaseModel):\n",
92
+ " question1: str\n",
93
+ " answer1: str\n",
94
+ " question2: str\n",
95
+ " answer2: str\n"
96
+ ],
97
+ "metadata": {
98
+ "collapsed": false,
99
+ "ExecuteTime": {
100
+ "end_time": "2024-05-23T21:19:34.945726Z",
101
+ "start_time": "2024-05-23T21:19:34.944360Z"
102
+ }
103
+ },
104
+ "id": "66b2c3c81748b42e",
105
+ "execution_count": 31
106
+ },
107
+ {
108
+ "cell_type": "code",
109
+ "outputs": [],
110
+ "source": [
111
+ "\n",
112
+ "# Patch the OpenAI client\n",
113
+ "client = instructor.from_openai(OpenAI())"
114
+ ],
115
+ "metadata": {
116
+ "collapsed": false,
117
+ "ExecuteTime": {
118
+ "end_time": "2024-05-23T21:19:35.327482Z",
119
+ "start_time": "2024-05-23T21:19:35.313726Z"
120
+ }
121
+ },
122
+ "id": "e3f857ded1a29732",
123
+ "execution_count": 32
124
+ },
125
+ {
126
+ "cell_type": "code",
127
+ "outputs": [
128
+ {
129
+ "data": {
130
+ "text/plain": " 0%| | 0/17 [00:00<?, ?it/s]",
131
+ "application/vnd.jupyter.widget-view+json": {
132
+ "version_major": 2,
133
+ "version_minor": 0,
134
+ "model_id": "497862b5404a4e3c9d9f7ae1a170b8eb"
135
+ }
136
+ },
137
+ "metadata": {},
138
+ "output_type": "display_data"
139
+ }
140
+ ],
141
+ "source": [
142
+ "all_trivia = []\n",
143
+ "for i in trange(17):\n",
144
+ " with open(f\"transcripts/{i}.vtt\") as f:\n",
145
+ " text = f.read()\n",
146
+ " msg = get_initial_messages(text)\n",
147
+ " \n",
148
+ " trivia = client.chat.completions.create(\n",
149
+ " model=\"gpt-4o\",\n",
150
+ " response_model=TriviaQuestions,\n",
151
+ " messages=msg,\n",
152
+ " )\n",
153
+ " \n",
154
+ " all_trivia.append(trivia)"
155
+ ],
156
+ "metadata": {
157
+ "collapsed": false,
158
+ "ExecuteTime": {
159
+ "end_time": "2024-05-23T21:20:28.838601Z",
160
+ "start_time": "2024-05-23T21:19:39.080663Z"
161
+ }
162
+ },
163
+ "id": "d472211cac29e59c",
164
+ "execution_count": 33
165
+ },
166
+ {
167
+ "cell_type": "code",
168
+ "outputs": [],
169
+ "source": [
170
+ "all_questions = sum([[t.question1, t.question2] for t in all_trivia], [])\n",
171
+ "all_answers = sum([[t.answer1, t.answer2] for t in all_trivia], [])"
172
+ ],
173
+ "metadata": {
174
+ "collapsed": false,
175
+ "ExecuteTime": {
176
+ "end_time": "2024-05-23T21:21:13.583657Z",
177
+ "start_time": "2024-05-23T21:21:13.580310Z"
178
+ }
179
+ },
180
+ "id": "fddeb7e20c845467",
181
+ "execution_count": 34
182
+ },
183
+ {
184
+ "cell_type": "code",
185
+ "outputs": [
186
+ {
187
+ "data": {
188
+ "text/plain": "[\"Which magician's documentary adventure series titled 'Beyond Belief' is coming soon to Disney Plus?\",\n 'In Hot Ones Season 19, which magician recounted learning to expel water like a stream from a performer in Liberia?',\n 'Who was the guest on the Hot Ones episode hosted by Sean Evans in which they joked about feeling their whiskers tingling?',\n 'In the Hot Ones episode with Puss in Boots, what common beverage was mentioned multiple times as being essential during the challenge?',\n 'Which charity is partnered with Hot Ones during their holiday fundraising efforts?',\n 'Who won the Hot Ones 2022 Lifetime Achievement Award?',\n \"Who did Emma Chamberlain claim she would marry, according to her 'F, Marry, Kill' choices involving milk types?\",\n \"What was Emma Chamberlain's major cooking success as mentioned on Hot Ones?\",\n 'Who hosted the Hot Ones season 19 Thanksgiving special with Israel Adesanya?',\n 'Which UFC fighter mentioned in the Hot Ones season 19 Thanksgiving special has defended his middleweight championship belt five times?',\n \"What challenges did the production face when shooting epic battle scenes in the film 'The Woman King' starring Viola Davis?\",\n \"Which television character portrayed by Viola Davis underwent significant transformation from the script to on-screen performance, as she discussed during the interview on 'Hot Ones'?\",\n 'In Hot Ones Season 19, which actress overcomes her spicy food fears while promoting the psychological drama \"TÁR\"?',\n 'Which challenging piece did Cate Blanchett preside over during a scene from the movie \"TÁR\" in Hot Ones Season 19?',\n \"What is the name of Kid Cudi's album and animated TV special mentioned on Hot Ones Season 19?\",\n 'Which fashion designer was responsible for the costume design in Kid Cudi\\'s animated TV special \"Intergalactic\"?',\n 'Which Emmy award-winning host appeared on Season 19 of Hot Ones and is known for The Late Late Show?',\n 'In which dark comedy drama series, set to release on Prime Video on November 11th, does James Corden star alongside Sally Hawkins?',\n 'Which actress, known for roles in Avatar, Star Trek, and Guardians of the Galaxy, appeared on Hot Ones in Season 19?',\n 'What upcoming movie directed by James Cameron was promoted by Zoe Saldana on Hot Ones, set for release on December 16th?',\n 'In Hot Ones Season 19, which actress and entrepreneur joined Sean Evans for an episode, discussing everything from her business ventures to her film roles?',\n \"In her Hot Ones appearance, which upcoming Netflix film did Kate Hudson promote, described as the 'long-weighted follow-up film'?\",\n 'What semi-autobiographical film directed by Steven Spielberg features Paul Dano as one of its main characters?',\n \"Which song by Nirvana influenced Paul Dano's portrayal of the Riddler?\",\n 'Who created the media company Lyrical Lemonade that has worked with artists like Eminem and Post Malone?',\n \"Who directed the music video for Eminem's song 'Godzilla' which featured Mike Tyson?\",\n 'What ingredient is mentioned in the transcript as a component of the spicy food being consumed?',\n 'What does one of the participants ask for during the spicy challenge in the transcript?',\n 'Which Hot Ones sauce featuring a sweet heat combination includes maple syrup, apple cider vinegar, and Fresno chilies?',\n 'What is the name of the Hot Ones sauce from Montreal, Canada, that features a blend of fruits like mango, papaya, and banana, combined with Scotch bonnet peppers?',\n 'Who was the guest on the episode of Hot Ones hosted by Sean Evans, where the guest discussed his struggles with faith and being human?',\n 'What comedy-drama series co-created by Rami Youssef was mentioned, which is now streaming on Netflix?',\n 'What is the name of the final sauce used in the Hot Ones challenge, often added as a tradition on the last wing?',\n 'Which hot sauce challenge involves eating a wing with extra sauce added at the end as a final tradition on the show Hot Ones?']"
189
+ },
190
+ "execution_count": 37,
191
+ "metadata": {},
192
+ "output_type": "execute_result"
193
+ }
194
+ ],
195
+ "source": [
196
+ "all_questions"
197
+ ],
198
+ "metadata": {
199
+ "collapsed": false,
200
+ "ExecuteTime": {
201
+ "end_time": "2024-05-23T21:23:30.012900Z",
202
+ "start_time": "2024-05-23T21:23:30.010901Z"
203
+ }
204
+ },
205
+ "id": "6726839ddeb01f30",
206
+ "execution_count": 37
207
+ },
208
+ {
209
+ "cell_type": "code",
210
+ "outputs": [],
211
+ "source": [
212
+ "with open(\"questions.json\", \"w\") as f:\n",
213
+ " json.dump(all_questions, f)"
214
+ ],
215
+ "metadata": {
216
+ "collapsed": false,
217
+ "ExecuteTime": {
218
+ "end_time": "2024-05-23T21:23:30.594300Z",
219
+ "start_time": "2024-05-23T21:23:30.589748Z"
220
+ }
221
+ },
222
+ "id": "2adde26e15e3bb21",
223
+ "execution_count": 38
224
+ }
225
+ ],
226
+ "metadata": {
227
+ "kernelspec": {
228
+ "display_name": "Python 3",
229
+ "language": "python",
230
+ "name": "python3"
231
+ },
232
+ "language_info": {
233
+ "codemirror_mode": {
234
+ "name": "ipython",
235
+ "version": 2
236
+ },
237
+ "file_extension": ".py",
238
+ "mimetype": "text/x-python",
239
+ "name": "python",
240
+ "nbconvert_exporter": "python",
241
+ "pygments_lexer": "ipython2",
242
+ "version": "2.7.6"
243
+ }
244
+ },
245
+ "nbformat": 4,
246
+ "nbformat_minor": 5
247
+ }
links.csv ADDED
@@ -0,0 +1,18 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ URL,File Name
2
+ https://www.youtube.com/watch?v=4E2EbGoXlPQ,0.vtt
3
+ https://www.youtube.com/watch?v=Xvdo7ELzs8c,1.vtt
4
+ https://www.youtube.com/watch?v=11yhaCoQskY,2.vtt
5
+ https://www.youtube.com/watch?v=ZeXN7PchnkQ,3.vtt
6
+ https://www.youtube.com/watch?v=pvQECUoBS1Y,4.vtt
7
+ https://www.youtube.com/watch?v=YzKZNM2Ir8A,5.vtt
8
+ https://www.youtube.com/watch?v=4_OzoinTmw0,6.vtt
9
+ https://www.youtube.com/watch?v=0allwd60wS4,7.vtt
10
+ https://www.youtube.com/watch?v=U7rm_01SIuA,8.vtt
11
+ https://www.youtube.com/watch?v=p6wQnvd-S6Y,9.vtt
12
+ https://www.youtube.com/watch?v=ufOYjXBcNuc,10.vtt
13
+ https://www.youtube.com/watch?v=0fsxF-OrKsA,11.vtt
14
+ https://www.youtube.com/watch?v=gIQgDjfCSBg,12.vtt
15
+ https://www.youtube.com/watch?v=yIieWnzBOJA,13.vtt
16
+ https://www.youtube.com/watch?v=aMnbaDh2HDI,14.vtt
17
+ https://www.youtube.com/watch?v=LH5-rSOBwjA,15.vtt
18
+ https://www.youtube.com/watch?v=GMzXgzFIaCo,16.vtt
preprocessing.py ADDED
@@ -0,0 +1,135 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import pandas as pd
2
+ from tqdm.auto import tqdm
3
+ import requests
4
+ import tiktoken
5
+
6
+ from typarse import BaseParser
7
+ from openai import OpenAI
8
+ import dotenv
9
+
10
+ import pickle
11
+
12
+ from core import get_batch_embeddings, Chunk, Dataset
13
+
14
+
15
+ class Parser(BaseParser):
16
+ chunk_size: int = 4000
17
+ save_path: str = "dataset.pkl"
18
+
19
+ _abbrev = {
20
+ "chunk_size": "c",
21
+ "save_path": "s",
22
+ }
23
+
24
+ _help = {
25
+ "chunk_size": "The maximum number of tokens per chunk",
26
+ "save_path": "The path to save the dataset",
27
+ }
28
+
29
+
30
+ def get_youtube_title(url: str) -> str | None:
31
+ """
32
+ Get the title of a youtube video from the url
33
+ """
34
+ video_id = url.split("v=")[-1]
35
+ api_url = f"https://www.youtube.com/oembed?url=http://www.youtube.com/watch?v={video_id}&format=json"
36
+ response = requests.get(api_url)
37
+ if response.status_code == 200:
38
+ data = response.json()
39
+ return data["title"]
40
+ else:
41
+ return None
42
+
43
+
44
+ def num_tokens_from_string(string: str, encoding_name: str) -> int:
45
+ """
46
+ Calculate the number of tokens in a string
47
+ """
48
+ encoding = tiktoken.get_encoding(encoding_name)
49
+ num_tokens = len(encoding.encode(string))
50
+ return num_tokens
51
+
52
+
53
+ def required_chunks(
54
+ text: str, max_tokens: int = 8191, encoding_name: str = "cl100k_base"
55
+ ) -> int:
56
+ """
57
+ Calculate the number of chunks required to split a text into chunks of a maximum number of tokens.
58
+ """
59
+ num_tokens = num_tokens_from_string(text, encoding_name)
60
+ num_chunks = num_tokens // max_tokens
61
+ if num_tokens % max_tokens != 0:
62
+ num_chunks += 1
63
+ return num_chunks
64
+
65
+
66
+ def split_in_chunks(
67
+ text: str, max_tokens: int = 8191, encoding_name: str = "cl100k_base"
68
+ ) -> list[str]:
69
+ """
70
+ Split a long text into chunks of a maximum number of tokens
71
+ """
72
+ encoding = tiktoken.get_encoding(encoding_name)
73
+ tokens = encoding.encode(text)
74
+
75
+ chunks: list[str] = []
76
+ current_chunk: list[int] = []
77
+ current_chunk_size = 0
78
+
79
+ for token in tokens:
80
+ if current_chunk_size + 1 > max_tokens:
81
+ chunks.append(encoding.decode(current_chunk))
82
+ current_chunk = []
83
+ current_chunk_size = 0
84
+ current_chunk.append(token)
85
+ current_chunk_size += 1
86
+
87
+ if current_chunk:
88
+ chunks.append(encoding.decode(current_chunk))
89
+
90
+ return chunks
91
+
92
+
93
+ if __name__ == "__main__":
94
+ dotenv.load_dotenv()
95
+
96
+ client = OpenAI()
97
+ args = Parser()
98
+
99
+ chunk_size = args.chunk_size
100
+
101
+ links = pd.read_csv("links.csv").URL.tolist()
102
+ titles = [get_youtube_title(link) for link in tqdm(links)]
103
+
104
+ # Get all transcripts
105
+ episodes = []
106
+
107
+ for i in range(17):
108
+ filename = f"transcripts/{i}.vtt"
109
+ with open(filename, "r") as file:
110
+ data = file.read()
111
+ episodes.append(data)
112
+
113
+ episode_chunks = [
114
+ split_in_chunks(episode, max_tokens=chunk_size) for episode in episodes
115
+ ]
116
+
117
+ chunk_metadata = [
118
+ Chunk(
119
+ title=titles[i],
120
+ video_idx=i,
121
+ text=episode_chunks[i][j],
122
+ link=links[i],
123
+ )
124
+ for i in range(17)
125
+ for j in range(len(episode_chunks[i]))
126
+ ]
127
+
128
+ chunk_texts = [chunk.text for chunk in chunk_metadata]
129
+
130
+ embeddings = get_batch_embeddings(client, chunk_texts)
131
+
132
+ dataset = Dataset(chunks=chunk_metadata, embeddings=embeddings)
133
+
134
+ with open(args.save_path, "wb") as file:
135
+ pickle.dump(dataset, file)
prompts.py ADDED
@@ -0,0 +1,39 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from core import Chunk
2
+
3
+ SYSTEM_PROMPT = """You are an expert trivia bot.
4
+ You provide correct answers to the posed question, based on the provided context.
5
+ You have access to a chunk of text from a video transcript, and you can use this information to answer the question.
6
+ You also have access to some metadata about this chunk of text.
7
+ All transcripts come from the podcast "Hot Ones", Season 19, which has a total of 17 episodes.
8
+ With each answer, provide a link with a timestamp to the relevant part of the video based on the transcript.
9
+ Note that it's possible that the provided text does not contain the answer to the question.
10
+ In that case, you should reply with <|UNKNOWN|>.
11
+ """.strip()
12
+
13
+ BASE_PROMPT = """
14
+ Question: {question}
15
+
16
+ Relevant chunk of text: {text}
17
+ This text comes from the video titled "{title}", which is the video number {video_number} in the dataset and can be found at the following link: {link}.
18
+ """.strip()
19
+
20
+
21
+ def get_initial_messages(question: str, chunk: Chunk):
22
+ return [
23
+ {"role": "system", "content": [{"type": "text", "text": SYSTEM_PROMPT}]},
24
+ {
25
+ "role": "user",
26
+ "content": [
27
+ {
28
+ "type": "text",
29
+ "text": BASE_PROMPT.format(
30
+ question=question,
31
+ text=chunk.text,
32
+ title=chunk.title,
33
+ video_number=chunk.video_idx,
34
+ link=chunk.link,
35
+ ),
36
+ }
37
+ ],
38
+ },
39
+ ]
questions.json ADDED
@@ -0,0 +1 @@
 
 
1
+ ["Which magician's documentary adventure series titled 'Beyond Belief' is coming soon to Disney Plus?", "In Hot Ones Season 19, which magician recounted learning to expel water like a stream from a performer in Liberia?", "Who was the guest on the Hot Ones episode hosted by Sean Evans in which they joked about feeling their whiskers tingling?", "In the Hot Ones episode with Puss in Boots, what common beverage was mentioned multiple times as being essential during the challenge?", "Which charity is partnered with Hot Ones during their holiday fundraising efforts?", "Who won the Hot Ones 2022 Lifetime Achievement Award?", "Who did Emma Chamberlain claim she would marry, according to her 'F, Marry, Kill' choices involving milk types?", "What was Emma Chamberlain's major cooking success as mentioned on Hot Ones?", "Who hosted the Hot Ones season 19 Thanksgiving special with Israel Adesanya?", "Which UFC fighter mentioned in the Hot Ones season 19 Thanksgiving special has defended his middleweight championship belt five times?", "What challenges did the production face when shooting epic battle scenes in the film 'The Woman King' starring Viola Davis?", "Which television character portrayed by Viola Davis underwent significant transformation from the script to on-screen performance, as she discussed during the interview on 'Hot Ones'?", "In Hot Ones Season 19, which actress overcomes her spicy food fears while promoting the psychological drama \"T\u00c1R\"?", "Which challenging piece did Cate Blanchett preside over during a scene from the movie \"T\u00c1R\" in Hot Ones Season 19?", "What is the name of Kid Cudi's album and animated TV special mentioned on Hot Ones Season 19?", "Which fashion designer was responsible for the costume design in Kid Cudi's animated TV special \"Intergalactic\"?", "Which Emmy award-winning host appeared on Season 19 of Hot Ones and is known for The Late Late Show?", "In which dark comedy drama series, set to release on Prime Video on November 11th, does James Corden star alongside Sally Hawkins?", "Which actress, known for roles in Avatar, Star Trek, and Guardians of the Galaxy, appeared on Hot Ones in Season 19?", "What upcoming movie directed by James Cameron was promoted by Zoe Saldana on Hot Ones, set for release on December 16th?", "In Hot Ones Season 19, which actress and entrepreneur joined Sean Evans for an episode, discussing everything from her business ventures to her film roles?", "In her Hot Ones appearance, which upcoming Netflix film did Kate Hudson promote, described as the 'long-weighted follow-up film'?", "What semi-autobiographical film directed by Steven Spielberg features Paul Dano as one of its main characters?", "Which song by Nirvana influenced Paul Dano's portrayal of the Riddler?", "Who created the media company Lyrical Lemonade that has worked with artists like Eminem and Post Malone?", "Who directed the music video for Eminem's song 'Godzilla' which featured Mike Tyson?", "What ingredient is mentioned in the transcript as a component of the spicy food being consumed?", "What does one of the participants ask for during the spicy challenge in the transcript?", "Which Hot Ones sauce featuring a sweet heat combination includes maple syrup, apple cider vinegar, and Fresno chilies?", "What is the name of the Hot Ones sauce from Montreal, Canada, that features a blend of fruits like mango, papaya, and banana, combined with Scotch bonnet peppers?", "Who was the guest on the episode of Hot Ones hosted by Sean Evans, where the guest discussed his struggles with faith and being human?", "What comedy-drama series co-created by Rami Youssef was mentioned, which is now streaming on Netflix?", "What is the name of the final sauce used in the Hot Ones challenge, often added as a tradition on the last wing?", "Which hot sauce challenge involves eating a wing with extra sauce added at the end as a final tradition on the show Hot Ones?"]
requirements.txt ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ openai
2
+ instructor
3
+ numpy
4
+ pandas
5
+ tqdm
6
+ typarse
7
+ python-dotenv
8
+ tiktoken
9
+ gradio
run_trivia.py ADDED
@@ -0,0 +1,142 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import pickle
2
+ import json
3
+
4
+ import dotenv
5
+ import gradio as gr
6
+ import numpy as np
7
+ import random
8
+ from typarse import BaseParser
9
+
10
+ from core import get_one_embedding, Chunk, Dataset
11
+
12
+ from openai import OpenAI
13
+
14
+ from prompts import get_initial_messages
15
+
16
+ random.seed(42)
17
+
18
+
19
+ class Parser(BaseParser):
20
+ data_path: str = "data4k.pkl"
21
+ questions_path: str = "questions.json"
22
+
23
+
24
+ def cosine_similarity(query: np.ndarray, embeddings: np.ndarray) -> np.ndarray:
25
+ dot_product = np.dot(embeddings, query)
26
+ query_norm = np.linalg.norm(query)
27
+ embeddings_norm = np.linalg.norm(embeddings, axis=1)
28
+ return dot_product / (query_norm * embeddings_norm)
29
+
30
+
31
+ def rank_chunks(
32
+ client: OpenAI,
33
+ question: str,
34
+ dataset: Dataset,
35
+ model: str = "text-embedding-3-small",
36
+ ) -> list[Chunk]:
37
+ embeddings = dataset.embeddings
38
+ chunk_metadata = dataset.chunks
39
+
40
+ q_embedding = get_one_embedding(client, question, model)
41
+ similarities = cosine_similarity(q_embedding, embeddings)
42
+
43
+ sorted_indices = np.argsort(similarities)[::-1]
44
+ return [chunk_metadata[i] for i in sorted_indices]
45
+
46
+
47
+ if __name__ == "__main__":
48
+ dotenv.load_dotenv()
49
+
50
+ args = Parser()
51
+ client = OpenAI()
52
+
53
+ with open(args.data_path, "rb") as f:
54
+ data: Dataset = pickle.load(f)
55
+
56
+ with open(args.questions_path, "r") as f:
57
+ questions = json.load(f)
58
+
59
+ select_questions = random.sample(questions, 3)
60
+
61
+ select_questions = [
62
+ "Which guest worked at Abercrombie and Fitch?",
63
+ "Who failed making pastries as a teenager?",
64
+ ] + select_questions
65
+
66
+ def get_answer(query: str) -> tuple[str, str]:
67
+ sorted_chunks = rank_chunks(client, query, data)
68
+
69
+ best_chunk = sorted_chunks[0]
70
+ print(f"Looking at chunk from video {best_chunk.title}")
71
+ messages = get_initial_messages(query, best_chunk)
72
+
73
+ completion = client.chat.completions.create(
74
+ model="gpt-4o",
75
+ messages=messages,
76
+ )
77
+
78
+ context = f"Looking at the video titled {best_chunk.title}"
79
+
80
+ answer = completion.choices[0].message.content
81
+ answer = answer if "<|UNKNOWN|>" not in answer else "Couldn't find the answer."
82
+
83
+ return answer, context
84
+
85
+ def get_answer_better(query: str) -> str:
86
+ print(f"Looking for answer to question: {query}")
87
+ sorted_chunks = rank_chunks(client, query, data)
88
+
89
+ for chunk in sorted_chunks:
90
+ print(f"Looking at chunk from video {chunk.title}")
91
+ context = f"Looking at the video titled {chunk.title}"
92
+
93
+ yield None, context
94
+
95
+ messages = get_initial_messages(query, chunk)
96
+
97
+ completion = client.chat.completions.create(
98
+ model="gpt-4o",
99
+ messages=messages,
100
+ )
101
+
102
+ res = completion.choices[0].message.content
103
+
104
+ if "<|UNKNOWN|>" not in res:
105
+ yield res, context
106
+ break
107
+ else:
108
+ yield "Not sure, still looking", context
109
+
110
+ def trivia_app(query: str, use_multiple: bool) -> tuple[str, str]:
111
+ if use_multiple:
112
+ print("Using multiple chunks")
113
+ yield from get_answer_better(query)
114
+ else:
115
+ print("Using single chunk")
116
+ yield get_answer(query)
117
+
118
+ with gr.Blocks() as interface:
119
+ gr.Markdown("# Trivia Question Answering App")
120
+ with gr.Row():
121
+ with gr.Column():
122
+ question_box = gr.Textbox(
123
+ lines=2, placeholder="Enter your trivia question here..."
124
+ )
125
+ answer_button = gr.Button("Get Answer")
126
+ examples = gr.Examples(
127
+ select_questions, label="Example Questions", inputs=[question_box]
128
+ )
129
+ use_multiple = gr.Checkbox(
130
+ label="Search across multiple chunks", key="better"
131
+ )
132
+ with gr.Column():
133
+ answer_box = gr.Markdown("The answer will appear here...")
134
+ context_box = gr.Textbox(label="Context")
135
+
136
+ answer_button.click(
137
+ fn=trivia_app,
138
+ inputs=[question_box, use_multiple],
139
+ outputs=[answer_box, context_box],
140
+ )
141
+
142
+ interface.launch()
tests/test_chunking.py ADDED
@@ -0,0 +1,27 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import pytest
2
+
3
+ from preprocessing import num_tokens_from_string, split_in_chunks
4
+
5
+
6
+ def test_split_in_chunks():
7
+ text = "hello world " * 5000 # creates a string with 10000 tokens
8
+ chunks = split_in_chunks(text, max_tokens=8191, encoding_name="cl100k_base")
9
+ assert len(chunks) == 2
10
+ assert num_tokens_from_string(chunks[0], "cl100k_base") <= 8191
11
+ assert num_tokens_from_string(chunks[1], "cl100k_base") <= 8191
12
+
13
+ for chunk_size in [100, 1000, 3000, 5000]:
14
+ chunks = split_in_chunks(
15
+ text, max_tokens=chunk_size, encoding_name="cl100k_base"
16
+ )
17
+ for chunk in chunks:
18
+ assert num_tokens_from_string(chunk, "cl100k_base") <= chunk_size
19
+
20
+ text = "This is a short text."
21
+ chunks = split_in_chunks(text, max_tokens=8191, encoding_name="cl100k_base")
22
+ assert len(chunks) == 1
23
+ assert chunks[0] == text
24
+
25
+
26
+ if __name__ == "__main__":
27
+ pytest.main()
transcripts/0.vtt ADDED
@@ -0,0 +1,2581 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.900 --> 00:00:03.900
5
+ wow
6
+
7
+ 2
8
+ 00:00:04.440 --> 00:00:07.700
9
+ this one's a winner
10
+
11
+ 3
12
+ 00:00:13.880 --> 00:00:17.820
13
+ hey what's going on everybody for first
14
+
15
+ 4
16
+ 00:00:16.139 --> 00:00:19.619
17
+ week Feast I'm Sean Evans and you're
18
+
19
+ 5
20
+ 00:00:17.820 --> 00:00:21.359
21
+ watching hot ones it's the show with hot
22
+
23
+ 6
24
+ 00:00:19.619 --> 00:00:23.279
25
+ questions and even hotter wings and
26
+
27
+ 7
28
+ 00:00:21.359 --> 00:00:24.539
29
+ today we're joined by David Blaine he's
30
+
31
+ 8
32
+ 00:00:23.279 --> 00:00:26.100
33
+ known the world over for his street
34
+
35
+ 9
36
+ 00:00:24.539 --> 00:00:27.720
37
+ magic and endurance stunts that include
38
+
39
+ 10
40
+ 00:00:26.100 --> 00:00:29.400
41
+ everything from being buried alive for
42
+
43
+ 11
44
+ 00:00:27.720 --> 00:00:30.720
45
+ seven days to encasing himself in a
46
+
47
+ 12
48
+ 00:00:29.400 --> 00:00:33.059
49
+ block of ice to holding his breath
50
+
51
+ 13
52
+ 00:00:30.720 --> 00:00:34.620
53
+ underwater for 17 minutes he also has a
54
+
55
+ 14
56
+ 00:00:33.059 --> 00:00:36.239
57
+ pair of high profile projects on the way
58
+
59
+ 15
60
+ 00:00:34.620 --> 00:00:37.860
61
+ with his documentary Adventure series
62
+
63
+ 16
64
+ 00:00:36.239 --> 00:00:39.840
65
+ beyond belief with David Blaine coming
66
+
67
+ 17
68
+ 00:00:37.860 --> 00:00:41.520
69
+ soon to Disney Plus in his sixth show
70
+
71
+ 18
72
+ 00:00:39.840 --> 00:00:43.320
73
+ Vegas residency with dates through the
74
+
75
+ 19
76
+ 00:00:41.520 --> 00:00:45.480
77
+ remainder of the Year David Blaine
78
+
79
+ 20
80
+ 00:00:43.320 --> 00:00:48.300
81
+ welcome to the show wow thank you for
82
+
83
+ 21
84
+ 00:00:45.480 --> 00:00:50.460
85
+ having me thank you I'm so excited to be
86
+
87
+ 22
88
+ 00:00:48.300 --> 00:00:52.020
89
+ here by the way I'm very excited to have
90
+
91
+ 23
92
+ 00:00:50.460 --> 00:00:54.000
93
+ you I know that you're someone who can
94
+
95
+ 24
96
+ 00:00:52.020 --> 00:00:56.039
97
+ push themselves but how how are you
98
+
99
+ 25
100
+ 00:00:54.000 --> 00:00:57.420
101
+ around spicy food I don't know how I'm
102
+
103
+ 26
104
+ 00:00:56.039 --> 00:01:01.020
105
+ gonna do with them during this but that
106
+
107
+ 27
108
+ 00:00:57.420 --> 00:01:02.640
109
+ is my thing but um I'll tell you so just
110
+
111
+ 28
112
+ 00:01:01.020 --> 00:01:06.780
113
+ to give you an idea of how much I love
114
+
115
+ 29
116
+ 00:01:02.640 --> 00:01:08.640
117
+ Hot Wings my when I premiered my show
118
+
119
+ 30
120
+ 00:01:06.780 --> 00:01:11.100
121
+ which was the only premiere of a show I
122
+
123
+ 31
124
+ 00:01:08.640 --> 00:01:13.020
125
+ did it for real or magic they wanted to
126
+
127
+ 32
128
+ 00:01:11.100 --> 00:01:14.640
129
+ go do it in a big place with the big
130
+
131
+ 33
132
+ 00:01:13.020 --> 00:01:17.640
133
+ movie screen so everybody could see it
134
+
135
+ 34
136
+ 00:01:14.640 --> 00:01:21.240
137
+ you know and I said no no no
138
+
139
+ 35
140
+ 00:01:17.640 --> 00:01:23.820
141
+ we have to Premiere at blondies at the
142
+
143
+ 36
144
+ 00:01:21.240 --> 00:01:26.340
145
+ premieres in a buffalo wing Joy a Sport
146
+
147
+ 37
148
+ 00:01:23.820 --> 00:01:29.040
149
+ Bar Buffalo joint up Uptown in New York
150
+
151
+ 38
152
+ 00:01:26.340 --> 00:01:30.360
153
+ so and nobody could hear the show but I
154
+
155
+ 39
156
+ 00:01:29.040 --> 00:01:31.860
157
+ was happy because I could eat all the
158
+
159
+ 40
160
+ 00:01:30.360 --> 00:01:33.900
161
+ wings
162
+
163
+ 41
164
+ 00:01:31.860 --> 00:01:36.680
165
+ [Music]
166
+
167
+ 42
168
+ 00:01:33.900 --> 00:01:36.680
169
+ foreign
170
+
171
+ 43
172
+ 00:01:42.730 --> 00:01:48.269
173
+ [Music]
174
+
175
+ 44
176
+ 00:01:48.900 --> 00:01:54.799
177
+ so this first one is the classic chili
178
+
179
+ 45
180
+ 00:01:51.840 --> 00:01:54.799
181
+ Maple Edition here
182
+
183
+ 46
184
+ 00:01:56.220 --> 00:01:59.880
185
+ oh great
186
+
187
+ 47
188
+ 00:01:57.960 --> 00:02:02.220
189
+ very nice
190
+
191
+ 48
192
+ 00:01:59.880 --> 00:02:05.180
193
+ Maple first time trying this one hidden
194
+
195
+ 49
196
+ 00:02:02.220 --> 00:02:05.180
197
+ yeah it's great
198
+
199
+ 50
200
+ 00:02:08.340 --> 00:02:12.900
201
+ foreign
202
+
203
+ 51
204
+ 00:02:09.979 --> 00:02:14.819
205
+ building a big stage magic act in Vegas
206
+
207
+ 52
208
+ 00:02:12.900 --> 00:02:17.580
209
+ I'm curious if this quote from David
210
+
211
+ 53
212
+ 00:02:14.819 --> 00:02:20.160
213
+ Copperfield Rings true to you it takes
214
+
215
+ 54
216
+ 00:02:17.580 --> 00:02:23.520
217
+ 500 shows to get a trick right and more
218
+
219
+ 55
220
+ 00:02:20.160 --> 00:02:25.140
221
+ than a thousand to make it feel good
222
+
223
+ 56
224
+ 00:02:23.520 --> 00:02:27.599
225
+ that was one of the things that amazed
226
+
227
+ 57
228
+ 00:02:25.140 --> 00:02:29.220
229
+ me about David was I went to see him
230
+
231
+ 58
232
+ 00:02:27.599 --> 00:02:31.500
233
+ after a show and it was Saturday and it
234
+
235
+ 59
236
+ 00:02:29.220 --> 00:02:32.940
237
+ was midnight and and they were all so
238
+
239
+ 60
240
+ 00:02:31.500 --> 00:02:35.099
241
+ exhausted and
242
+
243
+ 61
244
+ 00:02:32.940 --> 00:02:37.500
245
+ um and his partner Chris says oh we've
246
+
247
+ 62
248
+ 00:02:35.099 --> 00:02:39.599
249
+ we've been here since 10 A.M
250
+
251
+ 63
252
+ 00:02:37.500 --> 00:02:42.720
253
+ we've done three shows
254
+
255
+ 64
256
+ 00:02:39.599 --> 00:02:44.760
257
+ like three shows in a day because like
258
+
259
+ 65
260
+ 00:02:42.720 --> 00:02:48.239
261
+ my show has to be like once a month or
262
+
263
+ 66
264
+ 00:02:44.760 --> 00:02:49.680
265
+ twice a month Max I said wow like how
266
+
267
+ 67
268
+ 00:02:48.239 --> 00:02:51.180
269
+ many shows are you doing every day he
270
+
271
+ 68
272
+ 00:02:49.680 --> 00:02:53.160
273
+ said well we do three on Saturdays two
274
+
275
+ 69
276
+ 00:02:51.180 --> 00:03:00.360
277
+ on every other day guess how many per
278
+
279
+ 70
280
+ 00:02:53.160 --> 00:03:03.480
281
+ year 300 more 400 500 no 600 650 shows
282
+
283
+ 71
284
+ 00:03:00.360 --> 00:03:05.519
285
+ that go whoa like David like that's
286
+
287
+ 72
288
+ 00:03:03.480 --> 00:03:08.640
289
+ crazy what are you doing and he says
290
+
291
+ 73
292
+ 00:03:05.519 --> 00:03:10.379
293
+ well it takes me about 500 to get a new
294
+
295
+ 74
296
+ 00:03:08.640 --> 00:03:12.959
297
+ trick right so that's the beginning of
298
+
299
+ 75
300
+ 00:03:10.379 --> 00:03:17.760
301
+ starting to understand a new trick and I
302
+
303
+ 76
304
+ 00:03:12.959 --> 00:03:19.920
305
+ went oh I got it bingo so yeah I love
306
+
307
+ 77
308
+ 00:03:17.760 --> 00:03:21.900
309
+ that mentality and I agree and I think
310
+
311
+ 78
312
+ 00:03:19.920 --> 00:03:23.940
313
+ all of my magician friends it's like a
314
+
315
+ 79
316
+ 00:03:21.900 --> 00:03:26.640
317
+ the ones that I love are just it's com
318
+
319
+ 80
320
+ 00:03:23.940 --> 00:03:30.680
321
+ it's a compulsion it's all they think
322
+
323
+ 81
324
+ 00:03:26.640 --> 00:03:33.659
325
+ [Music]
326
+
327
+ 82
328
+ 00:03:30.680 --> 00:03:37.860
329
+ it's great yeah a little Scotch bonnet
330
+
331
+ 83
332
+ 00:03:33.659 --> 00:03:39.120
333
+ tropical action in there right
334
+
335
+ 84
336
+ 00:03:37.860 --> 00:03:40.799
337
+ when it comes to your obsession with
338
+
339
+ 85
340
+ 00:03:39.120 --> 00:03:42.659
341
+ magic I've heard you recount multiple
342
+
343
+ 86
344
+ 00:03:40.799 --> 00:03:45.180
345
+ origin stories much like the Joker
346
+
347
+ 87
348
+ 00:03:42.659 --> 00:03:47.400
349
+ explaining how he got his scars who is
350
+
351
+ 88
352
+ 00:03:45.180 --> 00:03:49.980
353
+ lewd Tannen and can you describe to me a
354
+
355
+ 89
356
+ 00:03:47.400 --> 00:03:51.239
357
+ typical day for a 10 year old at Tana I
358
+
359
+ 90
360
+ 00:03:49.980 --> 00:03:52.500
361
+ can't tell you about that that's funny
362
+
363
+ 91
364
+ 00:03:51.239 --> 00:03:53.819
365
+ but I'm not gonna tell you about the
366
+
367
+ 92
368
+ 00:03:52.500 --> 00:03:55.379
369
+ camp I've been talking about going to
370
+
371
+ 93
372
+ 00:03:53.819 --> 00:03:56.340
373
+ tannins
374
+
375
+ 94
376
+ 00:03:55.379 --> 00:03:59.519
377
+ um
378
+
379
+ 95
380
+ 00:03:56.340 --> 00:04:02.580
381
+ back then the store was like this Darkly
382
+
383
+ 96
384
+ 00:03:59.519 --> 00:04:05.220
385
+ lit shop with all of these glass cases
386
+
387
+ 97
388
+ 00:04:02.580 --> 00:04:08.099
389
+ and the glass cases had all these
390
+
391
+ 98
392
+ 00:04:05.220 --> 00:04:09.959
393
+ objects that you would die to have so
394
+
395
+ 99
396
+ 00:04:08.099 --> 00:04:11.760
397
+ I'd stare at these things and just dream
398
+
399
+ 100
400
+ 00:04:09.959 --> 00:04:14.700
401
+ of like oh my God what could be done
402
+
403
+ 101
404
+ 00:04:11.760 --> 00:04:17.880
405
+ with all those things but then in the
406
+
407
+ 102
408
+ 00:04:14.700 --> 00:04:20.820
409
+ back room like this little side area but
410
+
411
+ 103
412
+ 00:04:17.880 --> 00:04:23.460
413
+ not in the store if you were lucky
414
+
415
+ 104
416
+ 00:04:20.820 --> 00:04:25.740
417
+ the best guys in the world would just be
418
+
419
+ 105
420
+ 00:04:23.460 --> 00:04:28.020
421
+ hanging out there and so I'd sit there
422
+
423
+ 106
424
+ 00:04:25.740 --> 00:04:31.380
425
+ and they would like blow my mind on stop
426
+
427
+ 107
428
+ 00:04:28.020 --> 00:04:32.940
429
+ luckily by the way as a kid I only did
430
+
431
+ 108
432
+ 00:04:31.380 --> 00:04:34.979
433
+ Magic to my mother and her friends
434
+
435
+ 109
436
+ 00:04:32.940 --> 00:04:36.360
437
+ because if I did other kids they're a
438
+
439
+ 110
440
+ 00:04:34.979 --> 00:04:39.360
441
+ tough audience they're gonna be like hey
442
+
443
+ 111
444
+ 00:04:36.360 --> 00:04:41.280
445
+ you're weird you know yeah you suck so I
446
+
447
+ 112
448
+ 00:04:39.360 --> 00:04:42.479
449
+ did all the magic to to my mother and
450
+
451
+ 113
452
+ 00:04:41.280 --> 00:04:44.280
453
+ her friends and I thought I was good
454
+
455
+ 114
456
+ 00:04:42.479 --> 00:04:45.720
457
+ because of their reactions and then I
458
+
459
+ 115
460
+ 00:04:44.280 --> 00:04:49.199
461
+ just wanted to keep learning new things
462
+
463
+ 116
464
+ 00:04:45.720 --> 00:04:51.300
465
+ to you know make make her amazed or
466
+
467
+ 117
468
+ 00:04:49.199 --> 00:04:54.300
469
+ whatever
470
+
471
+ 118
472
+ 00:04:51.300 --> 00:04:54.300
473
+ foreign
474
+
475
+ 119
476
+ 00:05:03.620 --> 00:05:06.960
477
+ so this is the first shoot of the new
478
+
479
+ 120
480
+ 00:05:06.060 --> 00:05:09.479
481
+ season
482
+
483
+ 121
484
+ 00:05:06.960 --> 00:05:12.300
485
+ it's my first time trying the hot sauces
486
+
487
+ 122
488
+ 00:05:09.479 --> 00:05:15.300
489
+ Pico Rico
490
+
491
+ 123
492
+ 00:05:12.300 --> 00:05:17.340
493
+ I just made my way into Mount Rushmore
494
+
495
+ 124
496
+ 00:05:15.300 --> 00:05:19.820
497
+ I I hate to say this but I kind of love
498
+
499
+ 125
500
+ 00:05:17.340 --> 00:05:22.080
501
+ all of them so far
502
+
503
+ 126
504
+ 00:05:19.820 --> 00:05:23.940
505
+ delicious lineup
506
+
507
+ 127
508
+ 00:05:22.080 --> 00:05:25.380
509
+ so your name is synonymous with
510
+
511
+ 128
512
+ 00:05:23.940 --> 00:05:27.360
513
+ death-defying Larger than Life
514
+
515
+ 129
516
+ 00:05:25.380 --> 00:05:29.400
517
+ spectacles and to watch them from
518
+
519
+ 130
520
+ 00:05:27.360 --> 00:05:31.620
521
+ outside they look like just such a pure
522
+
523
+ 131
524
+ 00:05:29.400 --> 00:05:33.479
525
+ stress test and human concentration and
526
+
527
+ 132
528
+ 00:05:31.620 --> 00:05:36.020
529
+ misery but is there one that you
530
+
531
+ 133
532
+ 00:05:33.479 --> 00:05:38.120
533
+ describe as being like the most fun
534
+
535
+ 134
536
+ 00:05:36.020 --> 00:05:40.380
537
+ Ascension to me
538
+
539
+ 135
540
+ 00:05:38.120 --> 00:05:42.180
541
+ that was the most one but but that's
542
+
543
+ 136
544
+ 00:05:40.380 --> 00:05:44.280
545
+ because it was with my daughter so that
546
+
547
+ 137
548
+ 00:05:42.180 --> 00:05:46.380
549
+ I worked out the hard part of it before
550
+
551
+ 138
552
+ 00:05:44.280 --> 00:05:49.199
553
+ she came to make it fun but I have to
554
+
555
+ 139
556
+ 00:05:46.380 --> 00:05:51.620
557
+ say all of them are so fun I think it's
558
+
559
+ 140
560
+ 00:05:49.199 --> 00:05:54.060
561
+ similar to this like I think it's like
562
+
563
+ 141
564
+ 00:05:51.620 --> 00:05:55.919
565
+ so it's like you go in and you're like
566
+
567
+ 142
568
+ 00:05:54.060 --> 00:05:57.960
569
+ you're going up a mountain really hard
570
+
571
+ 143
572
+ 00:05:55.919 --> 00:05:59.280
573
+ but like you're so excited about it and
574
+
575
+ 144
576
+ 00:05:57.960 --> 00:06:02.160
577
+ yeah you take a couple of shots
578
+
579
+ 145
580
+ 00:05:59.280 --> 00:06:03.720
581
+ obviously but but it's it's it's the
582
+
583
+ 146
584
+ 00:06:02.160 --> 00:06:05.460
585
+ like everybody says you know it's not
586
+
587
+ 147
588
+ 00:06:03.720 --> 00:06:07.979
589
+ like getting to the end it's like that
590
+
591
+ 148
592
+ 00:06:05.460 --> 00:06:10.500
593
+ whole process so yeah that process that
594
+
595
+ 149
596
+ 00:06:07.979 --> 00:06:13.560
597
+ learning curve is what keeps me excited
598
+
599
+ 150
600
+ 00:06:10.500 --> 00:06:16.139
601
+ about life so you know so I can't so
602
+
603
+ 151
604
+ 00:06:13.560 --> 00:06:17.639
605
+ they're all fun in a certain way well
606
+
607
+ 152
608
+ 00:06:16.139 --> 00:06:18.720
609
+ that actually really uh resonates with
610
+
611
+ 153
612
+ 00:06:17.639 --> 00:06:20.460
613
+ me because while you're saying that is
614
+
615
+ 154
616
+ 00:06:18.720 --> 00:06:21.840
617
+ like that's exactly how I feel about
618
+
619
+ 155
620
+ 00:06:20.460 --> 00:06:23.819
621
+ these kinds of shoots where they're all
622
+
623
+ 156
624
+ 00:06:21.840 --> 00:06:26.520
625
+ kind of of their own journey and then
626
+
627
+ 157
628
+ 00:06:23.819 --> 00:06:28.020
629
+ their own experience and then as much as
630
+
631
+ 158
632
+ 00:06:26.520 --> 00:06:29.160
633
+ you can kind of figure out how things
634
+
635
+ 159
636
+ 00:06:28.020 --> 00:06:30.479
637
+ are going to go there's lots of
638
+
639
+ 160
640
+ 00:06:29.160 --> 00:06:31.740
641
+ variables that you can't always test for
642
+
643
+ 161
644
+ 00:06:30.479 --> 00:06:33.000
645
+ and things always go kind of sideways
646
+
647
+ 162
648
+ 00:06:31.740 --> 00:06:35.160
649
+ then you have to adapt to those things
650
+
651
+ 163
652
+ 00:06:33.000 --> 00:06:36.539
653
+ and that's the stuff that I think is the
654
+
655
+ 164
656
+ 00:06:35.160 --> 00:06:39.419
657
+ best it's like when you have to deal
658
+
659
+ 165
660
+ 00:06:36.539 --> 00:06:41.039
661
+ with the unknown it's always amazing so
662
+
663
+ 166
664
+ 00:06:39.419 --> 00:06:43.979
665
+ like on stage when you get like a
666
+
667
+ 167
668
+ 00:06:41.039 --> 00:06:45.900
669
+ curveball it's like that's what that's
670
+
671
+ 168
672
+ 00:06:43.979 --> 00:06:47.520
673
+ what separates I think like a magician
674
+
675
+ 169
676
+ 00:06:45.900 --> 00:06:49.800
677
+ that's really comfortable to a magician
678
+
679
+ 170
680
+ 00:06:47.520 --> 00:06:52.139
681
+ that's uncomfort and which makes one
682
+
683
+ 171
684
+ 00:06:49.800 --> 00:06:53.639
685
+ seems great one doesn't the one that
686
+
687
+ 172
688
+ 00:06:52.139 --> 00:06:55.740
689
+ seems great even though this guy might
690
+
691
+ 173
692
+ 00:06:53.639 --> 00:06:57.539
693
+ be just as practiced with the moves the
694
+
695
+ 174
696
+ 00:06:55.740 --> 00:06:59.580
697
+ one that seems great when performing is
698
+
699
+ 175
700
+ 00:06:57.539 --> 00:07:02.400
701
+ when a curveball comes he's ready for it
702
+
703
+ 176
704
+ 00:06:59.580 --> 00:07:04.740
705
+ he No Matter What scenario he's hit with
706
+
707
+ 177
708
+ 00:07:02.400 --> 00:07:06.360
709
+ he can keep going and it's interesting
710
+
711
+ 178
712
+ 00:07:04.740 --> 00:07:08.520
713
+ because the magic people don't know the
714
+
715
+ 179
716
+ 00:07:06.360 --> 00:07:10.440
717
+ end result so since they don't know the
718
+
719
+ 180
720
+ 00:07:08.520 --> 00:07:12.660
721
+ end it's not over until you say it's
722
+
723
+ 181
724
+ 00:07:10.440 --> 00:07:15.419
725
+ over so you could be like struggling for
726
+
727
+ 182
728
+ 00:07:12.660 --> 00:07:17.460
729
+ 10 minutes but if the end is a monster I
730
+
731
+ 183
732
+ 00:07:15.419 --> 00:07:19.620
733
+ like that whole you know the the not
734
+
735
+ 184
736
+ 00:07:17.460 --> 00:07:22.199
737
+ working and then make it work
738
+
739
+ 185
740
+ 00:07:19.620 --> 00:07:24.479
741
+ I like all these questions by the way oh
742
+
743
+ 186
744
+ 00:07:22.199 --> 00:07:26.280
745
+ well thank you very much it's kind of
746
+
747
+ 187
748
+ 00:07:24.479 --> 00:07:28.380
749
+ early on in the game you know absolutely
750
+
751
+ 188
752
+ 00:07:26.280 --> 00:07:30.180
753
+ easy I have plenty I have plenty of time
754
+
755
+ 189
756
+ 00:07:28.380 --> 00:07:35.520
757
+ to knock this thing off the tracks
758
+
759
+ 190
760
+ 00:07:30.180 --> 00:07:37.979
761
+ [Music]
762
+
763
+ 191
764
+ 00:07:35.520 --> 00:07:39.660
765
+ oh right
766
+
767
+ 192
768
+ 00:07:37.979 --> 00:07:41.759
769
+ looking at your face I can tell it looks
770
+
771
+ 193
772
+ 00:07:39.660 --> 00:07:43.979
773
+ like we're four for four so far yeah
774
+
775
+ 194
776
+ 00:07:41.759 --> 00:07:46.020
777
+ there we go
778
+
779
+ 195
780
+ 00:07:43.979 --> 00:07:47.520
781
+ so your new documentary series beyond
782
+
783
+ 196
784
+ 00:07:46.020 --> 00:07:49.560
785
+ belief with David Blaine has been
786
+
787
+ 197
788
+ 00:07:47.520 --> 00:07:51.120
789
+ described as a global Odyssey across
790
+
791
+ 198
792
+ 00:07:49.560 --> 00:07:53.460
793
+ remote cultures each embedded with
794
+
795
+ 199
796
+ 00:07:51.120 --> 00:07:55.020
797
+ unique histories and practices is there
798
+
799
+ 200
800
+ 00:07:53.460 --> 00:07:56.880
801
+ a mystical tradition that you learned
802
+
803
+ 201
804
+ 00:07:55.020 --> 00:07:58.620
805
+ along your travels that you thought was
806
+
807
+ 202
808
+ 00:07:56.880 --> 00:08:00.180
809
+ most compelling or that more people
810
+
811
+ 203
812
+ 00:07:58.620 --> 00:08:02.280
813
+ should know about
814
+
815
+ 204
816
+ 00:08:00.180 --> 00:08:03.960
817
+ well basically when I was working on
818
+
819
+ 205
820
+ 00:08:02.280 --> 00:08:05.819
821
+ learning how to
822
+
823
+ 206
824
+ 00:08:03.960 --> 00:08:07.199
825
+ put a gallon of water in my stomach and
826
+
827
+ 207
828
+ 00:08:05.819 --> 00:08:09.419
829
+ then spout it out
830
+
831
+ 208
832
+ 00:08:07.199 --> 00:08:12.120
833
+ I saw a little video of a guy doing it
834
+
835
+ 209
836
+ 00:08:09.419 --> 00:08:14.340
837
+ in Africa and we couldn't track him down
838
+
839
+ 210
840
+ 00:08:12.120 --> 00:08:16.979
841
+ he wasn't a performer he lived in a mud
842
+
843
+ 211
844
+ 00:08:14.340 --> 00:08:19.440
845
+ hut outside of Liberia by like four
846
+
847
+ 212
848
+ 00:08:16.979 --> 00:08:21.180
849
+ hours so we spent five years trying to
850
+
851
+ 213
852
+ 00:08:19.440 --> 00:08:22.979
853
+ find him or something like that and he
854
+
855
+ 214
856
+ 00:08:21.180 --> 00:08:24.000
857
+ had the secret so I flew all the way
858
+
859
+ 215
860
+ 00:08:22.979 --> 00:08:26.099
861
+ there
862
+
863
+ 216
864
+ 00:08:24.000 --> 00:08:27.660
865
+ learn the secrets from them stayed there
866
+
867
+ 217
868
+ 00:08:26.099 --> 00:08:29.819
869
+ for I think a week or something like
870
+
871
+ 218
872
+ 00:08:27.660 --> 00:08:32.099
873
+ that practiced all day every day and
874
+
875
+ 219
876
+ 00:08:29.819 --> 00:08:33.779
877
+ then finally I got a little water spout
878
+
879
+ 220
880
+ 00:08:32.099 --> 00:08:35.520
881
+ which means basically you put a gallon
882
+
883
+ 221
884
+ 00:08:33.779 --> 00:08:38.339
885
+ of water in your stomach then you can
886
+
887
+ 222
888
+ 00:08:35.520 --> 00:08:40.200
889
+ hold it for a few hours maybe you can
890
+
891
+ 223
892
+ 00:08:38.339 --> 00:08:41.760
893
+ spout it out like a stream
894
+
895
+ 224
896
+ 00:08:40.200 --> 00:08:43.500
897
+ I still haven't mastered but I was
898
+
899
+ 225
900
+ 00:08:41.760 --> 00:08:46.200
901
+ trying it over and over trying to get
902
+
903
+ 226
904
+ 00:08:43.500 --> 00:08:48.839
905
+ better and better and a good friend of
906
+
907
+ 227
908
+ 00:08:46.200 --> 00:08:50.580
909
+ mine calls me up and says his name is
910
+
911
+ 228
912
+ 00:08:48.839 --> 00:08:52.200
913
+ Dirk he says um
914
+
915
+ 229
916
+ 00:08:50.580 --> 00:08:53.820
917
+ you know that thing that you put on your
918
+
919
+ 230
920
+ 00:08:52.200 --> 00:08:55.080
921
+ show where you spout the water I think I
922
+
923
+ 231
924
+ 00:08:53.820 --> 00:08:57.300
925
+ can do that
926
+
927
+ 232
928
+ 00:08:55.080 --> 00:08:58.920
929
+ and he comes over and he comes in my
930
+
931
+ 233
932
+ 00:08:57.300 --> 00:08:59.760
933
+ bathroom drinks a gallon of water and
934
+
935
+ 234
936
+ 00:08:58.920 --> 00:09:01.680
937
+ goes
938
+
939
+ 235
940
+ 00:08:59.760 --> 00:09:04.200
941
+ and he does it better than any magician
942
+
943
+ 236
944
+ 00:09:01.680 --> 00:09:06.300
945
+ in history so I spent years traveled the
946
+
947
+ 237
948
+ 00:09:04.200 --> 00:09:10.040
949
+ world and the guy that could do it lives
950
+
951
+ 238
952
+ 00:09:06.300 --> 00:09:10.040
953
+ next door like two blocks away
954
+
955
+ 239
956
+ 00:09:15.060 --> 00:09:17.940
957
+ um
958
+
959
+ 240
960
+ 00:09:16.080 --> 00:09:20.820
961
+ yeah I love it
962
+
963
+ 241
964
+ 00:09:17.940 --> 00:09:23.220
965
+ I I think I prefer that not as oily but
966
+
967
+ 242
968
+ 00:09:20.820 --> 00:09:24.720
969
+ it's still great yeah first time with
970
+
971
+ 243
972
+ 00:09:23.220 --> 00:09:26.519
973
+ the oil-based sauce it's still great
974
+
975
+ 244
976
+ 00:09:24.720 --> 00:09:28.140
977
+ though thumbs up thumbs up still good
978
+
979
+ 245
980
+ 00:09:26.519 --> 00:09:29.399
981
+ yeah all right Dave we have a recurring
982
+
983
+ 246
984
+ 00:09:28.140 --> 00:09:30.540
985
+ segment on our show called explain that
986
+
987
+ 247
988
+ 00:09:29.399 --> 00:09:31.860
989
+ gram we're doing a deep dive in our
990
+
991
+ 248
992
+ 00:09:30.540 --> 00:09:34.140
993
+ guests and scramble interesting pictures
994
+
995
+ 249
996
+ 00:09:31.860 --> 00:09:37.019
997
+ that need more context but for you we
998
+
999
+ 250
1000
+ 00:09:34.140 --> 00:09:39.899
1001
+ have a theme called what went wrong and
1002
+
1003
+ 251
1004
+ 00:09:37.019 --> 00:09:41.760
1005
+ we're gonna start from 2006 drowned
1006
+
1007
+ 252
1008
+ 00:09:39.899 --> 00:09:43.800
1009
+ alive where you spent a week inside a
1010
+
1011
+ 253
1012
+ 00:09:41.760 --> 00:09:46.040
1013
+ glass sphere filled with water what
1014
+
1015
+ 254
1016
+ 00:09:43.800 --> 00:09:48.779
1017
+ didn't go wrong
1018
+
1019
+ 255
1020
+ 00:09:46.040 --> 00:09:51.300
1021
+ first of all before I stepped in to the
1022
+
1023
+ 256
1024
+ 00:09:48.779 --> 00:09:52.860
1025
+ water tank all of a sudden they said oh
1026
+
1027
+ 257
1028
+ 00:09:51.300 --> 00:09:54.540
1029
+ you don't have insurance you need
1030
+
1031
+ 258
1032
+ 00:09:52.860 --> 00:09:56.100
1033
+ insurance to get in the tank and all of
1034
+
1035
+ 259
1036
+ 00:09:54.540 --> 00:09:57.600
1037
+ a sudden I'm supposed to start the stunt
1038
+
1039
+ 260
1040
+ 00:09:56.100 --> 00:09:59.580
1041
+ we didn't have the right insurance for
1042
+
1043
+ 261
1044
+ 00:09:57.600 --> 00:10:01.920
1045
+ Lincoln Center so it's like oh so then
1046
+
1047
+ 262
1048
+ 00:09:59.580 --> 00:10:04.080
1049
+ we're you know going crazy trying to get
1050
+
1051
+ 263
1052
+ 00:10:01.920 --> 00:10:05.160
1053
+ the right of course you need all that
1054
+
1055
+ 264
1056
+ 00:10:04.080 --> 00:10:06.899
1057
+ stuff but it was just one of those
1058
+
1059
+ 265
1060
+ 00:10:05.160 --> 00:10:07.500
1061
+ things that was overlooked
1062
+
1063
+ 266
1064
+ 00:10:06.899 --> 00:10:11.100
1065
+ um
1066
+
1067
+ 267
1068
+ 00:10:07.500 --> 00:10:14.160
1069
+ then we go in and the hands and the feet
1070
+
1071
+ 268
1072
+ 00:10:11.100 --> 00:10:17.220
1073
+ we didn't understand how that would
1074
+
1075
+ 269
1076
+ 00:10:14.160 --> 00:10:19.200
1077
+ become so painful like a pain that is
1078
+
1079
+ 270
1080
+ 00:10:17.220 --> 00:10:21.300
1081
+ crazy I remember seeing the pictures of
1082
+
1083
+ 271
1084
+ 00:10:19.200 --> 00:10:23.880
1085
+ your hands and then
1086
+
1087
+ 272
1088
+ 00:10:21.300 --> 00:10:26.160
1089
+ the breath hold the big thing my whole
1090
+
1091
+ 273
1092
+ 00:10:23.880 --> 00:10:29.160
1093
+ goal was I wanted to go obviously to the
1094
+
1095
+ 274
1096
+ 00:10:26.160 --> 00:10:32.279
1097
+ record which was 908 and I think I got
1098
+
1099
+ 275
1100
+ 00:10:29.160 --> 00:10:34.260
1101
+ to 708 and I started convulsing my best
1102
+
1103
+ 276
1104
+ 00:10:32.279 --> 00:10:36.480
1105
+ friend happened to be in the front and
1106
+
1107
+ 277
1108
+ 00:10:34.260 --> 00:10:37.860
1109
+ he'll stop it and they all jumped in and
1110
+
1111
+ 278
1112
+ 00:10:36.480 --> 00:10:39.300
1113
+ pulled me up but I felt like I could
1114
+
1115
+ 279
1116
+ 00:10:37.860 --> 00:10:40.980
1117
+ have kept pushing you know for like
1118
+
1119
+ 280
1120
+ 00:10:39.300 --> 00:10:43.920
1121
+ another 40 seconds or something like
1122
+
1123
+ 281
1124
+ 00:10:40.980 --> 00:10:46.620
1125
+ that it's like anyways so yeah there's a
1126
+
1127
+ 282
1128
+ 00:10:43.920 --> 00:10:49.860
1129
+ lot of things that went crazy
1130
+
1131
+ 283
1132
+ 00:10:46.620 --> 00:10:51.240
1133
+ from April 1999. this afternoon live we
1134
+
1135
+ 284
1136
+ 00:10:49.860 --> 00:10:54.420
1137
+ spent seven days and nights in a
1138
+
1139
+ 285
1140
+ 00:10:51.240 --> 00:10:56.519
1141
+ Plexiglas coffin this one was the
1142
+
1143
+ 286
1144
+ 00:10:54.420 --> 00:10:58.920
1145
+ biggest mistake it was the easiest one
1146
+
1147
+ 287
1148
+ 00:10:56.519 --> 00:11:03.420
1149
+ in in retrospect but
1150
+
1151
+ 288
1152
+ 00:10:58.920 --> 00:11:05.040
1153
+ my friend Bill safe guy said um you
1154
+
1155
+ 289
1156
+ 00:11:03.420 --> 00:11:07.260
1157
+ should have something before you go in
1158
+
1159
+ 290
1160
+ 00:11:05.040 --> 00:11:09.540
1161
+ so it gave me like uh it was called a
1162
+
1163
+ 291
1164
+ 00:11:07.260 --> 00:11:11.339
1165
+ mango bomb it was a mango juice
1166
+
1167
+ 292
1168
+ 00:11:09.540 --> 00:11:14.160
1169
+ and I couldn't use a bathroom in there
1170
+
1171
+ 293
1172
+ 00:11:11.339 --> 00:11:18.000
1173
+ obviously other than number one so the
1174
+
1175
+ 294
1176
+ 00:11:14.160 --> 00:11:20.720
1177
+ whole week I had to hold the balance so
1178
+
1179
+ 295
1180
+ 00:11:18.000 --> 00:11:23.760
1181
+ painful so difficult
1182
+
1183
+ 296
1184
+ 00:11:20.720 --> 00:11:25.680
1185
+ all right one more for you this is from
1186
+
1187
+ 297
1188
+ 00:11:23.760 --> 00:11:27.480
1189
+ September 2020 Ascension where you sort
1190
+
1191
+ 298
1192
+ 00:11:25.680 --> 00:11:29.720
1193
+ almost 25 000 feet in the year while
1194
+
1195
+ 299
1196
+ 00:11:27.480 --> 00:11:32.160
1197
+ holding on to dozens of weather balloons
1198
+
1199
+ 300
1200
+ 00:11:29.720 --> 00:11:34.079
1201
+ part of my plan was to go higher than
1202
+
1203
+ 301
1204
+ 00:11:32.160 --> 00:11:37.920
1205
+ anything on Earth which is Mount Everest
1206
+
1207
+ 302
1208
+ 00:11:34.079 --> 00:11:40.140
1209
+ 29 072 feet and um we stopped at 25 000
1210
+
1211
+ 303
1212
+ 00:11:37.920 --> 00:11:42.300
1213
+ but they they were remote popping this
1214
+
1215
+ 304
1216
+ 00:11:40.140 --> 00:11:44.700
1217
+ because I think they felt that I was
1218
+
1219
+ 305
1220
+ 00:11:42.300 --> 00:11:47.579
1221
+ starting to um become a little hypoxic
1222
+
1223
+ 306
1224
+ 00:11:44.700 --> 00:11:49.940
1225
+ up there so I think there I keep I'm up
1226
+
1227
+ 307
1228
+ 00:11:47.579 --> 00:11:53.060
1229
+ there trying to go higher and I hear
1230
+
1231
+ 308
1232
+ 00:11:49.940 --> 00:11:55.560
1233
+ and I'm something not going up anymore
1234
+
1235
+ 309
1236
+ 00:11:53.060 --> 00:11:57.180
1237
+ but it was perfect because nothing
1238
+
1239
+ 310
1240
+ 00:11:55.560 --> 00:12:00.180
1241
+ happened nothing went wrong so it was
1242
+
1243
+ 311
1244
+ 00:11:57.180 --> 00:12:02.700
1245
+ the ideal amazing scenario nothing is
1246
+
1247
+ 312
1248
+ 00:12:00.180 --> 00:12:04.560
1249
+ gone wrong so far in the hot sauce
1250
+
1251
+ 313
1252
+ 00:12:02.700 --> 00:12:07.880
1253
+ lineup are you ready to move on here to
1254
+
1255
+ 314
1256
+ 00:12:04.560 --> 00:12:10.980
1257
+ the back half sure all right so this one
1258
+
1259
+ 315
1260
+ 00:12:07.880 --> 00:12:11.680
1261
+ turmeric bomb here and the six oh I love
1262
+
1263
+ 316
1264
+ 00:12:10.980 --> 00:12:21.720
1265
+ turmeric
1266
+
1267
+ 317
1268
+ 00:12:11.680 --> 00:12:25.079
1269
+ [Music]
1270
+
1271
+ 318
1272
+ 00:12:21.720 --> 00:12:27.660
1273
+ yeah that one is hotter yeah
1274
+
1275
+ 319
1276
+ 00:12:25.079 --> 00:12:29.279
1277
+ some magic historian Jim steinmeyer he
1278
+
1279
+ 320
1280
+ 00:12:27.660 --> 00:12:31.079
1281
+ argues that the biggest problem with
1282
+
1283
+ 321
1284
+ 00:12:29.279 --> 00:12:32.700
1285
+ magic in the internet age is that it's
1286
+
1287
+ 322
1288
+ 00:12:31.079 --> 00:12:34.920
1289
+ damaged the skill of learning through
1290
+
1291
+ 323
1292
+ 00:12:32.700 --> 00:12:36.899
1293
+ asking what are your thoughts on YouTube
1294
+
1295
+ 324
1296
+ 00:12:34.920 --> 00:12:39.000
1297
+ and the effects of social media in
1298
+
1299
+ 325
1300
+ 00:12:36.899 --> 00:12:40.980
1301
+ General on Magic as an art form over the
1302
+
1303
+ 326
1304
+ 00:12:39.000 --> 00:12:43.139
1305
+ years well first of all it's amazing
1306
+
1307
+ 327
1308
+ 00:12:40.980 --> 00:12:45.000
1309
+ that everybody now has access to see the
1310
+
1311
+ 328
1312
+ 00:12:43.139 --> 00:12:47.160
1313
+ great stuff and I want to see kids like
1314
+
1315
+ 329
1316
+ 00:12:45.000 --> 00:12:48.720
1317
+ the good stuff as a kid when I want to
1318
+
1319
+ 330
1320
+ 00:12:47.160 --> 00:12:50.700
1321
+ see the best stuff as a kid I'd have to
1322
+
1323
+ 331
1324
+ 00:12:48.720 --> 00:12:52.019
1325
+ go to the museum of broadcasting I need
1326
+
1327
+ 332
1328
+ 00:12:50.700 --> 00:12:54.360
1329
+ to have to go through an archive because
1330
+
1331
+ 333
1332
+ 00:12:52.019 --> 00:12:56.220
1333
+ there was no way to dig stuff up so it
1334
+
1335
+ 334
1336
+ 00:12:54.360 --> 00:12:58.440
1337
+ is amazing that you can study see and
1338
+
1339
+ 335
1340
+ 00:12:56.220 --> 00:13:00.600
1341
+ learn from all the greats
1342
+
1343
+ 336
1344
+ 00:12:58.440 --> 00:13:02.220
1345
+ the disadvantage is what you're saying
1346
+
1347
+ 337
1348
+ 00:13:00.600 --> 00:13:04.260
1349
+ it's like people like to copy so when
1350
+
1351
+ 338
1352
+ 00:13:02.220 --> 00:13:05.820
1353
+ they see it and they don't become when
1354
+
1355
+ 339
1356
+ 00:13:04.260 --> 00:13:07.680
1357
+ you read a book and learned a routine
1358
+
1359
+ 340
1360
+ 00:13:05.820 --> 00:13:10.320
1361
+ you kind of processed it and you figured
1362
+
1363
+ 341
1364
+ 00:13:07.680 --> 00:13:12.060
1365
+ out your own presentation of it and I
1366
+
1367
+ 342
1368
+ 00:13:10.320 --> 00:13:13.380
1369
+ think that's the best way to get your
1370
+
1371
+ 343
1372
+ 00:13:12.060 --> 00:13:14.940
1373
+ own character and your own learning
1374
+
1375
+ 344
1376
+ 00:13:13.380 --> 00:13:16.740
1377
+ curve but I think he's right about that
1378
+
1379
+ 345
1380
+ 00:13:14.940 --> 00:13:19.200
1381
+ that there is a side of it that is like
1382
+
1383
+ 346
1384
+ 00:13:16.740 --> 00:13:20.459
1385
+ oh well it's so accessible and then the
1386
+
1387
+ 347
1388
+ 00:13:19.200 --> 00:13:23.100
1389
+ secrets are all given away but the
1390
+
1391
+ 348
1392
+ 00:13:20.459 --> 00:13:25.620
1393
+ secrets are often number one inaccurate
1394
+
1395
+ 349
1396
+ 00:13:23.100 --> 00:13:28.019
1397
+ or the wrong method you know I think the
1398
+
1399
+ 350
1400
+ 00:13:25.620 --> 00:13:30.120
1401
+ good stuff is still hard to find
1402
+
1403
+ 351
1404
+ 00:13:28.019 --> 00:13:33.899
1405
+ so this next one has kind of a fun name
1406
+
1407
+ 352
1408
+ 00:13:30.120 --> 00:13:35.160
1409
+ Cosmic disco here in the seven spot it's
1410
+
1411
+ 353
1412
+ 00:13:33.899 --> 00:13:38.040
1413
+ a party we'll see
1414
+
1415
+ 354
1416
+ 00:13:35.160 --> 00:13:42.500
1417
+ [Music]
1418
+
1419
+ 355
1420
+ 00:13:38.040 --> 00:13:42.500
1421
+ wow this one's great
1422
+
1423
+ 356
1424
+ 00:13:45.420 --> 00:13:50.700
1425
+ taste wise this is like amazing
1426
+
1427
+ 357
1428
+ 00:13:48.300 --> 00:13:53.100
1429
+ now this one's amazing this is so far
1430
+
1431
+ 358
1432
+ 00:13:50.700 --> 00:13:57.180
1433
+ this is my favorite it's no seriously
1434
+
1435
+ 359
1436
+ 00:13:53.100 --> 00:13:59.779
1437
+ because it's hot as [ __ ] I I respect it
1438
+
1439
+ 360
1440
+ 00:13:57.180 --> 00:13:59.779
1441
+ right there
1442
+
1443
+ 361
1444
+ 00:14:00.839 --> 00:14:04.740
1445
+ if I wasn't here right now with all the
1446
+
1447
+ 362
1448
+ 00:14:03.000 --> 00:14:06.200
1449
+ cameras I'd be getting these down to the
1450
+
1451
+ 363
1452
+ 00:14:04.740 --> 00:14:09.000
1453
+ bones by the way
1454
+
1455
+ 364
1456
+ 00:14:06.200 --> 00:14:11.480
1457
+ well I've had people come up to make
1458
+
1459
+ 365
1460
+ 00:14:09.000 --> 00:14:15.180
1461
+ restaurants and say you eat like a pig
1462
+
1463
+ 366
1464
+ 00:14:11.480 --> 00:14:18.060
1465
+ well here Open Season Let it Fly however
1466
+
1467
+ 367
1468
+ 00:14:15.180 --> 00:14:20.399
1469
+ you want however you want David Blaine
1470
+
1471
+ 368
1472
+ 00:14:18.060 --> 00:14:22.200
1473
+ dimex and scientists they've used you as
1474
+
1475
+ 369
1476
+ 00:14:20.399 --> 00:14:24.779
1477
+ a case study on the limits of The Human
1478
+
1479
+ 370
1480
+ 00:14:22.200 --> 00:14:26.940
1481
+ Condition do those findings do they
1482
+
1483
+ 371
1484
+ 00:14:24.779 --> 00:14:28.800
1485
+ demystify The Human Condition for you or
1486
+
1487
+ 372
1488
+ 00:14:26.940 --> 00:14:31.260
1489
+ is it the opposite no it's the opposite
1490
+
1491
+ 373
1492
+ 00:14:28.800 --> 00:14:35.639
1493
+ I think that's what I think is amazing
1494
+
1495
+ 374
1496
+ 00:14:31.260 --> 00:14:37.380
1497
+ about the life and humanity and
1498
+
1499
+ 375
1500
+ 00:14:35.639 --> 00:14:39.180
1501
+ everything is that we're able to do
1502
+
1503
+ 376
1504
+ 00:14:37.380 --> 00:14:39.899
1505
+ things that we just it's like you can
1506
+
1507
+ 377
1508
+ 00:14:39.180 --> 00:14:41.820
1509
+ keep
1510
+
1511
+ 378
1512
+ 00:14:39.899 --> 00:14:44.459
1513
+ dreaming up or coming up with things and
1514
+
1515
+ 379
1516
+ 00:14:41.820 --> 00:14:46.019
1517
+ we're able to achieve them I love when I
1518
+
1519
+ 380
1520
+ 00:14:44.459 --> 00:14:49.579
1521
+ fail because it just gives me a chance
1522
+
1523
+ 381
1524
+ 00:14:46.019 --> 00:14:49.579
1525
+ to try harder to become better
1526
+
1527
+ 382
1528
+ 00:14:49.800 --> 00:14:54.060
1529
+ all right so this next Wing is the bomb
1530
+
1531
+ 383
1532
+ 00:14:52.199 --> 00:14:56.040
1533
+ Beyond Insanity we always go out with
1534
+
1535
+ 384
1536
+ 00:14:54.060 --> 00:14:57.959
1537
+ the old in with the new on each new
1538
+
1539
+ 385
1540
+ 00:14:56.040 --> 00:15:00.060
1541
+ season right except for this one that
1542
+
1543
+ 386
1544
+ 00:14:57.959 --> 00:15:01.680
1545
+ stood the test of time because it's just
1546
+
1547
+ 387
1548
+ 00:15:00.060 --> 00:15:05.040
1549
+ that brutal
1550
+
1551
+ 388
1552
+ 00:15:01.680 --> 00:15:08.420
1553
+ are you ready to move on yeah all right
1554
+
1555
+ 389
1556
+ 00:15:05.040 --> 00:15:08.420
1557
+ so whoa going right in
1558
+
1559
+ 390
1560
+ 00:15:09.600 --> 00:15:12.600
1561
+ wow
1562
+
1563
+ 391
1564
+ 00:15:14.339 --> 00:15:17.060
1565
+ foreign
1566
+
1567
+ 392
1568
+ 00:15:17.160 --> 00:15:19.940
1569
+ wow
1570
+
1571
+ 393
1572
+ 00:15:22.440 --> 00:15:26.699
1573
+ this one's still my favorite yeah I
1574
+
1575
+ 394
1576
+ 00:15:24.420 --> 00:15:28.440
1577
+ don't think that this one is still my
1578
+
1579
+ 395
1580
+ 00:15:26.699 --> 00:15:31.459
1581
+ favorite yeah
1582
+
1583
+ 396
1584
+ 00:15:28.440 --> 00:15:31.459
1585
+ this one is just
1586
+
1587
+ 397
1588
+ 00:15:31.560 --> 00:15:35.220
1589
+ but here's where I'm kind of diving into
1590
+
1591
+ 398
1592
+ 00:15:33.600 --> 00:15:36.240
1593
+ your mind a little bit because I'm
1594
+
1595
+ 399
1596
+ 00:15:35.220 --> 00:15:38.940
1597
+ wondering
1598
+
1599
+ 400
1600
+ 00:15:36.240 --> 00:15:42.720
1601
+ do you have like an especially strong
1602
+
1603
+ 401
1604
+ 00:15:38.940 --> 00:15:44.540
1605
+ hot sauce tolerance or is your ability
1606
+
1607
+ 402
1608
+ 00:15:42.720 --> 00:15:47.040
1609
+ to kind of like concentrate
1610
+
1611
+ 403
1612
+ 00:15:44.540 --> 00:15:49.260
1613
+ compartmentalize pain Focus through
1614
+
1615
+ 404
1616
+ 00:15:47.040 --> 00:15:50.880
1617
+ things do you think that's giving you an
1618
+
1619
+ 405
1620
+ 00:15:49.260 --> 00:15:52.170
1621
+ edge here in this kind of uh in this
1622
+
1623
+ 406
1624
+ 00:15:50.880 --> 00:15:53.459
1625
+ kind of setting
1626
+
1627
+ 407
1628
+ 00:15:52.170 --> 00:15:54.779
1629
+ [Music]
1630
+
1631
+ 408
1632
+ 00:15:53.459 --> 00:15:56.940
1633
+ um
1634
+
1635
+ 409
1636
+ 00:15:54.779 --> 00:15:58.680
1637
+ I think I just like mentally prepare
1638
+
1639
+ 410
1640
+ 00:15:56.940 --> 00:16:01.519
1641
+ myself or something like that yeah I'm
1642
+
1643
+ 411
1644
+ 00:15:58.680 --> 00:16:01.519
1645
+ ready for whatever
1646
+
1647
+ 412
1648
+ 00:16:01.639 --> 00:16:08.160
1649
+ hold on one sec
1650
+
1651
+ 413
1652
+ 00:16:05.160 --> 00:16:08.160
1653
+ so
1654
+
1655
+ 414
1656
+ 00:16:11.760 --> 00:16:16.980
1657
+ when you were a teenager performing at
1658
+
1659
+ 415
1660
+ 00:16:14.040 --> 00:16:19.800
1661
+ Posh restaurants for diners what was
1662
+
1663
+ 416
1664
+ 00:16:16.980 --> 00:16:22.860
1665
+ like the number one guaranteed crowd
1666
+
1667
+ 417
1668
+ 00:16:19.800 --> 00:16:25.620
1669
+ pleaser kind of trick in that setting
1670
+
1671
+ 418
1672
+ 00:16:22.860 --> 00:16:27.959
1673
+ well let me interrupt you on a thought
1674
+
1675
+ 419
1676
+ 00:16:25.620 --> 00:16:29.279
1677
+ sure so there's a magician named Garrett
1678
+
1679
+ 420
1680
+ 00:16:27.959 --> 00:16:31.980
1681
+ Thomas
1682
+
1683
+ 421
1684
+ 00:16:29.279 --> 00:16:34.079
1685
+ and he's incredible
1686
+
1687
+ 422
1688
+ 00:16:31.980 --> 00:16:37.860
1689
+ and he knows how to walk up to you and
1690
+
1691
+ 423
1692
+ 00:16:34.079 --> 00:16:40.680
1693
+ Destroy right away and the reason why is
1694
+
1695
+ 424
1696
+ 00:16:37.860 --> 00:16:43.019
1697
+ because he works in Buffalo at a buffalo
1698
+
1699
+ 425
1700
+ 00:16:40.680 --> 00:16:45.779
1701
+ wing joint so he has to get your
1702
+
1703
+ 426
1704
+ 00:16:43.019 --> 00:16:49.440
1705
+ attention over at loud screens sport of
1706
+
1707
+ 427
1708
+ 00:16:45.779 --> 00:16:51.660
1709
+ beds people eating wigs so it depends
1710
+
1711
+ 428
1712
+ 00:16:49.440 --> 00:16:54.660
1713
+ you want something short Visual and
1714
+
1715
+ 429
1716
+ 00:16:51.660 --> 00:16:56.399
1717
+ strong for me it's usually cards and
1718
+
1719
+ 430
1720
+ 00:16:54.660 --> 00:16:58.019
1721
+ then once they're oh wow this is
1722
+
1723
+ 431
1724
+ 00:16:56.399 --> 00:16:59.820
1725
+ interesting because there's some strange
1726
+
1727
+ 432
1728
+ 00:16:58.019 --> 00:17:01.860
1729
+ weirdos standing over me trying to do
1730
+
1731
+ 433
1732
+ 00:16:59.820 --> 00:17:03.540
1733
+ magical I'm eating and then when you
1734
+
1735
+ 434
1736
+ 00:17:01.860 --> 00:17:05.280
1737
+ have them engaged then you can start to
1738
+
1739
+ 435
1740
+ 00:17:03.540 --> 00:17:06.540
1741
+ do the stuff that like that you're
1742
+
1743
+ 436
1744
+ 00:17:05.280 --> 00:17:09.839
1745
+ passionate about
1746
+
1747
+ 437
1748
+ 00:17:06.540 --> 00:17:11.939
1749
+ you and me are probably similar in that
1750
+
1751
+ 438
1752
+ 00:17:09.839 --> 00:17:14.760
1753
+ we've seen some of the craziest physical
1754
+
1755
+ 439
1756
+ 00:17:11.939 --> 00:17:16.679
1757
+ reactions face to face with some of the
1758
+
1759
+ 440
1760
+ 00:17:14.760 --> 00:17:19.020
1761
+ biggest stars in the world you know
1762
+
1763
+ 441
1764
+ 00:17:16.679 --> 00:17:20.819
1765
+ if we took your reactions and put them
1766
+
1767
+ 442
1768
+ 00:17:19.020 --> 00:17:23.880
1769
+ to my card tricks I'd have like a whole
1770
+
1771
+ 443
1772
+ 00:17:20.819 --> 00:17:27.000
1773
+ new brand of magic yeah amazing I need
1774
+
1775
+ 444
1776
+ 00:17:23.880 --> 00:17:29.220
1777
+ to pour like hot sauce on the cards take
1778
+
1779
+ 445
1780
+ 00:17:27.000 --> 00:17:30.720
1781
+ a card not lick it Dave let's think to
1782
+
1783
+ 446
1784
+ 00:17:29.220 --> 00:17:32.460
1785
+ show up in your car and lick it let's
1786
+
1787
+ 447
1788
+ 00:17:30.720 --> 00:17:35.590
1789
+ take this show on the road no it doesn't
1790
+
1791
+ 448
1792
+ 00:17:32.460 --> 00:17:38.690
1793
+ matter look ah gorgeous
1794
+
1795
+ 449
1796
+ 00:17:35.590 --> 00:17:38.690
1797
+ [Music]
1798
+
1799
+ 450
1800
+ 00:17:39.240 --> 00:17:45.240
1801
+ we can move on here now to number nine
1802
+
1803
+ 451
1804
+ 00:17:41.640 --> 00:17:47.820
1805
+ if you're ready I would love to it is
1806
+
1807
+ 452
1808
+ 00:17:45.240 --> 00:17:50.059
1809
+ called unique garlic from smoking Ed
1810
+
1811
+ 453
1812
+ 00:17:47.820 --> 00:17:50.059
1813
+ Curry
1814
+
1815
+ 454
1816
+ 00:17:53.740 --> 00:17:58.820
1817
+ [Music]
1818
+
1819
+ 455
1820
+ 00:17:56.220 --> 00:17:58.820
1821
+ oh yeah
1822
+
1823
+ 456
1824
+ 00:17:59.360 --> 00:18:03.240
1825
+ wow yeah
1826
+
1827
+ 457
1828
+ 00:18:01.559 --> 00:18:06.240
1829
+ this one
1830
+
1831
+ 458
1832
+ 00:18:03.240 --> 00:18:06.240
1833
+ wow
1834
+
1835
+ 459
1836
+ 00:18:06.660 --> 00:18:09.860
1837
+ this one's a winner
1838
+
1839
+ 460
1840
+ 00:18:13.500 --> 00:18:18.780
1841
+ wow yeah
1842
+
1843
+ 461
1844
+ 00:18:15.559 --> 00:18:23.880
1845
+ this is from
1846
+
1847
+ 462
1848
+ 00:18:18.780 --> 00:18:24.900
1849
+ pucker butt yeah I get it
1850
+
1851
+ 463
1852
+ 00:18:23.880 --> 00:18:28.200
1853
+ um
1854
+
1855
+ 464
1856
+ 00:18:24.900 --> 00:18:30.120
1857
+ but this one's delicious this is the
1858
+
1859
+ 465
1860
+ 00:18:28.200 --> 00:18:32.820
1861
+ first one I'm like getting like a whoa
1862
+
1863
+ 466
1864
+ 00:18:30.120 --> 00:18:35.580
1865
+ oh yeah like that butt yeah wow but
1866
+
1867
+ 467
1868
+ 00:18:32.820 --> 00:18:37.799
1869
+ you're liking the taste I love it I know
1870
+
1871
+ 468
1872
+ 00:18:35.580 --> 00:18:40.260
1873
+ I can tell this one's incredible because
1874
+
1875
+ 469
1876
+ 00:18:37.799 --> 00:18:41.880
1877
+ it also gives you that Rush yeah I got
1878
+
1879
+ 470
1880
+ 00:18:40.260 --> 00:18:45.299
1881
+ that rush I got a head high right now
1882
+
1883
+ 471
1884
+ 00:18:41.880 --> 00:18:47.640
1885
+ David I gotta have that was nice yeah
1886
+
1887
+ 472
1888
+ 00:18:45.299 --> 00:18:49.679
1889
+ is someone who's done nine Prime Time
1890
+
1891
+ 473
1892
+ 00:18:47.640 --> 00:18:51.900
1893
+ magic specials what would you say was
1894
+
1895
+ 474
1896
+ 00:18:49.679 --> 00:18:53.460
1897
+ like the goofiest creative note or
1898
+
1899
+ 475
1900
+ 00:18:51.900 --> 00:18:55.100
1901
+ suggestion you've ever gotten from a TV
1902
+
1903
+ 476
1904
+ 00:18:53.460 --> 00:18:58.200
1905
+ executive
1906
+
1907
+ 477
1908
+ 00:18:55.100 --> 00:18:59.940
1909
+ what am I
1910
+
1911
+ 478
1912
+ 00:18:58.200 --> 00:19:02.700
1913
+ one of my favorite
1914
+
1915
+ 479
1916
+ 00:18:59.940 --> 00:19:04.799
1917
+ um reactions to a trick was uh I made it
1918
+
1919
+ 480
1920
+ 00:19:02.700 --> 00:19:07.440
1921
+ quarter disappear off of a boy's hand in
1922
+
1923
+ 481
1924
+ 00:19:04.799 --> 00:19:09.720
1925
+ Barstow and his reaction he just looked
1926
+
1927
+ 482
1928
+ 00:19:07.440 --> 00:19:13.679
1929
+ at it and went
1930
+
1931
+ 483
1932
+ 00:19:09.720 --> 00:19:15.600
1933
+ cool and I was in love with this kid I
1934
+
1935
+ 484
1936
+ 00:19:13.679 --> 00:19:18.480
1937
+ was like oh my God this is the coolest
1938
+
1939
+ 485
1940
+ 00:19:15.600 --> 00:19:20.039
1941
+ reaction ever like he was so it's like
1942
+
1943
+ 486
1944
+ 00:19:18.480 --> 00:19:22.980
1945
+ what I did when I'm doing magic I give
1946
+
1947
+ 487
1948
+ 00:19:20.039 --> 00:19:24.780
1949
+ it time and I'm bizarre like that was
1950
+
1951
+ 488
1952
+ 00:19:22.980 --> 00:19:27.419
1953
+ everything and I showed it to everybody
1954
+
1955
+ 489
1956
+ 00:19:24.780 --> 00:19:30.600
1957
+ so excited and they're like that's not
1958
+
1959
+ 490
1960
+ 00:19:27.419 --> 00:19:32.460
1961
+ that doesn't work that's not good TV and
1962
+
1963
+ 491
1964
+ 00:19:30.600 --> 00:19:35.700
1965
+ I was like but look like look how
1966
+
1967
+ 492
1968
+ 00:19:32.460 --> 00:19:37.500
1969
+ amazing he is and I fought it's like I'm
1970
+
1971
+ 493
1972
+ 00:19:35.700 --> 00:19:39.500
1973
+ airing that it was my first show by the
1974
+
1975
+ 494
1976
+ 00:19:37.500 --> 00:19:43.380
1977
+ way so I didn't have like I was fighting
1978
+
1979
+ 495
1980
+ 00:19:39.500 --> 00:19:45.240
1981
+ yeah and everybody loved it
1982
+
1983
+ 496
1984
+ 00:19:43.380 --> 00:19:47.280
1985
+ cool
1986
+
1987
+ 497
1988
+ 00:19:45.240 --> 00:19:49.380
1989
+ that was like one of my favorite TV
1990
+
1991
+ 498
1992
+ 00:19:47.280 --> 00:19:51.299
1993
+ moments I was that was like the one that
1994
+
1995
+ 499
1996
+ 00:19:49.380 --> 00:19:54.260
1997
+ I loved the most I had to fight for the
1998
+
1999
+ 500
2000
+ 00:19:51.299 --> 00:19:54.260
2001
+ hardest ironically
2002
+
2003
+ 501
2004
+ 00:19:54.270 --> 00:19:57.529
2005
+ [Music]
2006
+
2007
+ 502
2008
+ 00:19:59.880 --> 00:20:05.000
2009
+ you don't have to if you don't want to
2010
+
2011
+ 503
2012
+ 00:20:01.440 --> 00:20:05.000
2013
+ but as a Showman
2014
+
2015
+ 504
2016
+ 00:20:06.840 --> 00:20:14.340
2017
+ whoa I'm gonna do it up I gotta
2018
+
2019
+ 505
2020
+ 00:20:12.059 --> 00:20:16.080
2021
+ I gotta meet it I gotta meet it I have
2022
+
2023
+ 506
2024
+ 00:20:14.340 --> 00:20:18.000
2025
+ to meet the opportunity
2026
+
2027
+ 507
2028
+ 00:20:16.080 --> 00:20:21.620
2029
+ showman at heart over here so this is
2030
+
2031
+ 508
2032
+ 00:20:18.000 --> 00:20:25.400
2033
+ the final one this is the final one
2034
+
2035
+ 509
2036
+ 00:20:21.620 --> 00:20:25.400
2037
+ [Music]
2038
+
2039
+ 510
2040
+ 00:20:26.340 --> 00:20:31.140
2041
+ it's good yeah
2042
+
2043
+ 511
2044
+ 00:20:28.200 --> 00:20:33.000
2045
+ of course it's really good of course wow
2046
+
2047
+ 512
2048
+ 00:20:31.140 --> 00:20:35.160
2049
+ David we gotta have you as the premiere
2050
+
2051
+ 513
2052
+ 00:20:33.000 --> 00:20:36.480
2053
+ every season you know just have you come
2054
+
2055
+ 514
2056
+ 00:20:35.160 --> 00:20:39.900
2057
+ in and
2058
+
2059
+ 515
2060
+ 00:20:36.480 --> 00:20:42.840
2061
+ make sure that we got the right sauces
2062
+
2063
+ 516
2064
+ 00:20:39.900 --> 00:20:45.360
2065
+ all right so David we've taken on the
2066
+
2067
+ 517
2068
+ 00:20:42.840 --> 00:20:48.240
2069
+ wings of death and now the rest of the
2070
+
2071
+ 518
2072
+ 00:20:45.360 --> 00:20:50.460
2073
+ show to me is kind of a mystery I don't
2074
+
2075
+ 519
2076
+ 00:20:48.240 --> 00:20:52.380
2077
+ know anything that's about to happen all
2078
+
2079
+ 520
2080
+ 00:20:50.460 --> 00:20:54.419
2081
+ I know is we are to clear the sauces
2082
+
2083
+ 521
2084
+ 00:20:52.380 --> 00:20:58.039
2085
+ right Dom that's all I know so we'll
2086
+
2087
+ 522
2088
+ 00:20:54.419 --> 00:20:58.039
2089
+ clear the sauces from the table
2090
+
2091
+ 523
2092
+ 00:20:58.799 --> 00:21:03.369
2093
+ foreign
2094
+
2095
+ 524
2096
+ 00:21:00.260 --> 00:21:03.369
2097
+ [Music]
2098
+
2099
+ 525
2100
+ 00:21:06.960 --> 00:21:09.660
2101
+ I brought
2102
+
2103
+ 526
2104
+ 00:21:08.280 --> 00:21:11.039
2105
+ um a picture
2106
+
2107
+ 527
2108
+ 00:21:09.660 --> 00:21:14.580
2109
+ of something
2110
+
2111
+ 528
2112
+ 00:21:11.039 --> 00:21:16.679
2113
+ okay uh actually I'll hold it this way
2114
+
2115
+ 529
2116
+ 00:21:14.580 --> 00:21:18.419
2117
+ okay Carolina Reapers that's what that
2118
+
2119
+ 530
2120
+ 00:21:16.679 --> 00:21:20.880
2121
+ looks like yeah it's cool right yeah
2122
+
2123
+ 531
2124
+ 00:21:18.419 --> 00:21:22.440
2125
+ I've eaten those a couple of times I
2126
+
2127
+ 532
2128
+ 00:21:20.880 --> 00:21:23.520
2129
+ want to stay as far away from those as
2130
+
2131
+ 533
2132
+ 00:21:22.440 --> 00:21:25.380
2133
+ possible
2134
+
2135
+ 534
2136
+ 00:21:23.520 --> 00:21:28.200
2137
+ see if you see how they just look like
2138
+
2139
+ 535
2140
+ 00:21:25.380 --> 00:21:29.880
2141
+ they start to go yeah
2142
+
2143
+ 536
2144
+ 00:21:28.200 --> 00:21:31.679
2145
+ um yeah
2146
+
2147
+ 537
2148
+ 00:21:29.880 --> 00:21:33.539
2149
+ let me open up the case because these
2150
+
2151
+ 538
2152
+ 00:21:31.679 --> 00:21:35.400
2153
+ you don't want to mess with
2154
+
2155
+ 539
2156
+ 00:21:33.539 --> 00:21:37.380
2157
+ so see um
2158
+
2159
+ 540
2160
+ 00:21:35.400 --> 00:21:39.530
2161
+ see like here
2162
+
2163
+ 541
2164
+ 00:21:37.380 --> 00:21:41.880
2165
+ we actually have a
2166
+
2167
+ 542
2168
+ 00:21:39.530 --> 00:21:45.480
2169
+ [Music]
2170
+
2171
+ 543
2172
+ 00:21:41.880 --> 00:21:49.679
2173
+ these are special from smoking Ed
2174
+
2175
+ 544
2176
+ 00:21:45.480 --> 00:21:50.780
2177
+ directly my favorite footage is you and
2178
+
2179
+ 545
2180
+ 00:21:49.679 --> 00:21:54.299
2181
+ Klaus
2182
+
2183
+ 546
2184
+ 00:21:50.780 --> 00:21:57.299
2185
+ yes yeah down in the basement of Jimmy's
2186
+
2187
+ 547
2188
+ 00:21:54.299 --> 00:22:01.260
2189
+ eating Reapers yes that clip is amazing
2190
+
2191
+ 548
2192
+ 00:21:57.299 --> 00:22:03.780
2193
+ so yeah so a little gift from smoking Ed
2194
+
2195
+ 549
2196
+ 00:22:01.260 --> 00:22:06.480
2197
+ I think you know these well I know them
2198
+
2199
+ 550
2200
+ 00:22:03.780 --> 00:22:08.880
2201
+ too well and will you just I mean I'll
2202
+
2203
+ 551
2204
+ 00:22:06.480 --> 00:22:12.480
2205
+ show you all the cards are different
2206
+
2207
+ 552
2208
+ 00:22:08.880 --> 00:22:16.860
2209
+ mix them up just yeah perfect
2210
+
2211
+ 553
2212
+ 00:22:12.480 --> 00:22:19.799
2213
+ that's good we'll go face up so
2214
+
2215
+ 554
2216
+ 00:22:16.860 --> 00:22:22.260
2217
+ can you pull pull some pull some halfway
2218
+
2219
+ 555
2220
+ 00:22:19.799 --> 00:22:24.960
2221
+ up also which which one did you want
2222
+
2223
+ 556
2224
+ 00:22:22.260 --> 00:22:27.480
2225
+ that or that which did you mean that one
2226
+
2227
+ 557
2228
+ 00:22:24.960 --> 00:22:30.000
2229
+ yep not this one not or this one this
2230
+
2231
+ 558
2232
+ 00:22:27.480 --> 00:22:34.100
2233
+ one or did you want that one this one
2234
+
2235
+ 559
2236
+ 00:22:30.000 --> 00:22:34.100
2237
+ the king the suicidal King yes
2238
+
2239
+ 560
2240
+ 00:22:34.580 --> 00:22:39.299
2241
+ that's funny
2242
+
2243
+ 561
2244
+ 00:22:37.200 --> 00:22:44.100
2245
+ um okay so we'll use your the suicidal
2246
+
2247
+ 562
2248
+ 00:22:39.299 --> 00:22:46.860
2249
+ King so look I just give it a little
2250
+
2251
+ 563
2252
+ 00:22:44.100 --> 00:22:49.410
2253
+ actually can you pull the pull the piece
2254
+
2255
+ 564
2256
+ 00:22:46.860 --> 00:22:59.240
2257
+ for me yeah
2258
+
2259
+ 565
2260
+ 00:22:49.410 --> 00:23:02.380
2261
+ [Music]
2262
+
2263
+ 566
2264
+ 00:22:59.240 --> 00:23:07.280
2265
+ not as good as the wings
2266
+
2267
+ 567
2268
+ 00:23:02.380 --> 00:23:11.900
2269
+ [Music]
2270
+
2271
+ 568
2272
+ 00:23:07.280 --> 00:23:11.900
2273
+ let's go yeah it appears to be gone
2274
+
2275
+ 569
2276
+ 00:23:12.240 --> 00:23:16.400
2277
+ you choose one for me and one for you
2278
+
2279
+ 570
2280
+ 00:23:16.620 --> 00:23:20.880
2281
+ all right I'll have this one you can
2282
+
2283
+ 571
2284
+ 00:23:18.539 --> 00:23:22.740
2285
+ have that one are you sure no no I'm
2286
+
2287
+ 572
2288
+ 00:23:20.880 --> 00:23:24.740
2289
+ gonna swap them do you want to change
2290
+
2291
+ 573
2292
+ 00:23:22.740 --> 00:23:27.240
2293
+ back yep
2294
+
2295
+ 574
2296
+ 00:23:24.740 --> 00:23:29.400
2297
+ do you want to change the goat no I'm
2298
+
2299
+ 575
2300
+ 00:23:27.240 --> 00:23:33.559
2301
+ set you're sad yeah yeah
2302
+
2303
+ 576
2304
+ 00:23:29.400 --> 00:23:33.559
2305
+ took a knife from your uh your kitchen
2306
+
2307
+ 577
2308
+ 00:23:34.919 --> 00:23:40.580
2309
+ and you
2310
+
2311
+ 578
2312
+ 00:23:36.539 --> 00:23:42.059
2313
+ cut the pepper that you chose in half
2314
+
2315
+ 579
2316
+ 00:23:40.580 --> 00:23:44.820
2317
+ [Music]
2318
+
2319
+ 580
2320
+ 00:23:42.059 --> 00:23:48.120
2321
+ yeah and open it pull it open
2322
+
2323
+ 581
2324
+ 00:23:44.820 --> 00:23:49.320
2325
+ see inside see there's a card
2326
+
2327
+ 582
2328
+ 00:23:48.120 --> 00:23:52.020
2329
+ yeah
2330
+
2331
+ 583
2332
+ 00:23:49.320 --> 00:23:52.919
2333
+ yeah you see that little piece of the
2334
+
2335
+ 584
2336
+ 00:23:52.020 --> 00:23:55.140
2337
+ card
2338
+
2339
+ 585
2340
+ 00:23:52.919 --> 00:23:57.059
2341
+ is the king of hearts in here put it put
2342
+
2343
+ 586
2344
+ 00:23:55.140 --> 00:23:57.900
2345
+ it right here let's put it right next to
2346
+
2347
+ 587
2348
+ 00:23:57.059 --> 00:23:59.760
2349
+ here
2350
+
2351
+ 588
2352
+ 00:23:57.900 --> 00:24:01.799
2353
+ you can see that this is actually the
2354
+
2355
+ 589
2356
+ 00:23:59.760 --> 00:24:05.299
2357
+ exact piece
2358
+
2359
+ 590
2360
+ 00:24:01.799 --> 00:24:05.299
2361
+ it goes right there
2362
+
2363
+ 591
2364
+ 00:24:05.610 --> 00:24:12.260
2365
+ [Music]
2366
+
2367
+ 592
2368
+ 00:24:08.460 --> 00:24:12.260
2369
+ this is a piece yeah this is
2370
+
2371
+ 593
2372
+ 00:24:14.340 --> 00:24:17.340
2373
+ ah
2374
+
2375
+ 594
2376
+ 00:24:20.000 --> 00:24:25.860
2377
+ amazing
2378
+
2379
+ 595
2380
+ 00:24:21.840 --> 00:24:29.280
2381
+ I don't my brain is frazzled right now
2382
+
2383
+ 596
2384
+ 00:24:25.860 --> 00:24:32.039
2385
+ this was this is a smoking a pepper
2386
+
2387
+ 597
2388
+ 00:24:29.280 --> 00:24:34.380
2389
+ and uh here comes the part that I'm most
2390
+
2391
+ 598
2392
+ 00:24:32.039 --> 00:24:37.580
2393
+ excited about that I've never done by
2394
+
2395
+ 599
2396
+ 00:24:34.380 --> 00:24:37.580
2397
+ the way all right are you ready
2398
+
2399
+ 600
2400
+ 00:24:37.799 --> 00:24:42.120
2401
+ I don't know
2402
+
2403
+ 601
2404
+ 00:24:39.500 --> 00:24:46.020
2405
+ you never are ready you never are right
2406
+
2407
+ 602
2408
+ 00:24:42.120 --> 00:24:48.000
2409
+ Cheers Cheers grip it and rip it
2410
+
2411
+ 603
2412
+ 00:24:46.020 --> 00:24:50.700
2413
+ oh I already know what this is gonna be
2414
+
2415
+ 604
2416
+ 00:24:48.000 --> 00:24:52.380
2417
+ like David Blaine this camera this
2418
+
2419
+ 605
2420
+ 00:24:50.700 --> 00:24:55.500
2421
+ camera this camera let the people know
2422
+
2423
+ 606
2424
+ 00:24:52.380 --> 00:24:58.500
2425
+ what you have going on in your life
2426
+
2427
+ 607
2428
+ 00:24:55.500 --> 00:24:58.500
2429
+ foreign
2430
+
2431
+ 608
2432
+ 00:24:58.980 --> 00:25:01.700
2433
+ wow
2434
+
2435
+ 609
2436
+ 00:25:02.760 --> 00:25:05.480
2437
+ wow
2438
+
2439
+ 610
2440
+ 00:25:07.540 --> 00:25:17.220
2441
+ [Music]
2442
+
2443
+ 611
2444
+ 00:25:15.620 --> 00:25:19.760
2445
+ incredible
2446
+
2447
+ 612
2448
+ 00:25:17.220 --> 00:25:19.760
2449
+ wow
2450
+
2451
+ 613
2452
+ 00:25:19.919 --> 00:25:22.700
2453
+ it's pretty awesome
2454
+
2455
+ 614
2456
+ 00:25:23.460 --> 00:25:28.640
2457
+ wow that was amazing yeah
2458
+
2459
+ 615
2460
+ 00:25:26.039 --> 00:25:33.320
2461
+ oh so that's the hot ones experience
2462
+
2463
+ 616
2464
+ 00:25:28.640 --> 00:25:33.320
2465
+ amazing yeah yeah
2466
+
2467
+ 617
2468
+ 00:25:33.659 --> 00:25:37.140
2469
+ so
2470
+
2471
+ 618
2472
+ 00:25:35.400 --> 00:25:40.880
2473
+ you've never eaten a Carolina Reaper
2474
+
2475
+ 619
2476
+ 00:25:37.140 --> 00:25:44.159
2477
+ before this is my first time oh
2478
+
2479
+ 620
2480
+ 00:25:40.880 --> 00:25:47.580
2481
+ what do you think amazing
2482
+
2483
+ 621
2484
+ 00:25:44.159 --> 00:25:50.220
2485
+ smoking it is my hero he is he's all of
2486
+
2487
+ 622
2488
+ 00:25:47.580 --> 00:25:53.100
2489
+ our hero and I was like how do because I
2490
+
2491
+ 623
2492
+ 00:25:50.220 --> 00:25:55.919
2493
+ asked you guys I asked you guys to get
2494
+
2495
+ 624
2496
+ 00:25:53.100 --> 00:25:57.960
2497
+ the pepper oh and then everybody said no
2498
+
2499
+ 625
2500
+ 00:25:55.919 --> 00:26:00.120
2501
+ he's like whatever you know so then I
2502
+
2503
+ 626
2504
+ 00:25:57.960 --> 00:26:01.919
2505
+ just figured out oh I'd call smoking ebb
2506
+
2507
+ 627
2508
+ 00:26:00.120 --> 00:26:03.059
2509
+ and he's amazing before she comes
2510
+
2511
+ 628
2512
+ 00:26:01.919 --> 00:26:05.640
2513
+ through yeah
2514
+
2515
+ 629
2516
+ 00:26:03.059 --> 00:26:08.960
2517
+ oh this milkshake hits
2518
+
2519
+ 630
2520
+ 00:26:05.640 --> 00:26:08.960
2521
+ uh no okay
2522
+
2523
+ 631
2524
+ 00:26:14.400 --> 00:26:19.140
2525
+ thank you so much for watching today's
2526
+
2527
+ 632
2528
+ 00:26:16.320 --> 00:26:21.900
2529
+ video and hot ones fans I have a very
2530
+
2531
+ 633
2532
+ 00:26:19.140 --> 00:26:25.260
2533
+ exciting announcement the the hot ones
2534
+
2535
+ 634
2536
+ 00:26:21.900 --> 00:26:27.480
2537
+ Shake Shack collab is finally here the
2538
+
2539
+ 635
2540
+ 00:26:25.260 --> 00:26:30.600
2541
+ hot ones cheese fries the hot ones
2542
+
2543
+ 636
2544
+ 00:26:27.480 --> 00:26:33.000
2545
+ Burger the hot ones chicken all made
2546
+
2547
+ 637
2548
+ 00:26:30.600 --> 00:26:35.760
2549
+ with a shack sauce that includes hot
2550
+
2551
+ 638
2552
+ 00:26:33.000 --> 00:26:39.659
2553
+ ones the classic along with the last dab
2554
+
2555
+ 639
2556
+ 00:26:35.760 --> 00:26:42.179
2557
+ it's very spicy it's very delicious and
2558
+
2559
+ 640
2560
+ 00:26:39.659 --> 00:26:43.799
2561
+ it's available for a limited time now
2562
+
2563
+ 641
2564
+ 00:26:42.179 --> 00:26:45.659
2565
+ through the end of the year at Shake
2566
+
2567
+ 642
2568
+ 00:26:43.799 --> 00:26:47.760
2569
+ Shacks Nationwide and via the Shake
2570
+
2571
+ 643
2572
+ 00:26:45.659 --> 00:26:51.799
2573
+ Shack app be careful around your eyes
2574
+
2575
+ 644
2576
+ 00:26:47.760 --> 00:26:51.799
2577
+ and don't forget to order a milkshake
2578
+
2579
+ 645
2580
+ 00:26:51.940 --> 00:26:55.420
2581
+ [Music]
transcripts/1.vtt ADDED
@@ -0,0 +1,342 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:01.380 --> 00:00:05.720
5
+ are you trying to kill me Sean
6
+
7
+ 2
8
+ 00:00:11.340 --> 00:00:15.120
9
+ what's going on everybody I'm Sean Evans
10
+
11
+ 3
12
+ 00:00:13.259 --> 00:00:16.619
13
+ and you're watching hot ones it's the
14
+
15
+ 4
16
+ 00:00:15.120 --> 00:00:17.760
17
+ show with hot questions and even hotter
18
+
19
+ 5
20
+ 00:00:16.619 --> 00:00:19.680
21
+ wings and today we're joined by
22
+
23
+ 6
24
+ 00:00:17.760 --> 00:00:22.859
25
+ legendary Outlaw and hero Puss and Boots
26
+
27
+ 7
28
+ 00:00:19.680 --> 00:00:24.720
29
+ it's a pleasure Amigo today we'll be
30
+
31
+ 8
32
+ 00:00:22.859 --> 00:00:26.880
33
+ tasting some real Scorchers so don't be
34
+
35
+ 9
36
+ 00:00:24.720 --> 00:00:29.939
37
+ afraid to reach for that
38
+
39
+ 10
40
+ 00:00:26.880 --> 00:00:32.460
41
+ milk that is some good legit very good
42
+
43
+ 11
44
+ 00:00:29.939 --> 00:00:34.620
45
+ okay but we really should be saving this
46
+
47
+ 12
48
+ 00:00:32.460 --> 00:00:37.080
49
+ for later nonsense how do you think I
50
+
51
+ 13
52
+ 00:00:34.620 --> 00:00:42.430
53
+ got this fur on my chest
54
+
55
+ 14
56
+ 00:00:37.080 --> 00:00:42.430
57
+ [Music]
58
+
59
+ 15
60
+ 00:00:44.940 --> 00:00:47.940
61
+ foreign
62
+
63
+ 16
64
+ 00:00:48.379 --> 00:00:53.280
65
+ catnip Bring It On
66
+
67
+ 17
68
+ 00:00:51.239 --> 00:00:55.260
69
+ so puss you've fought monsters
70
+
71
+ 18
72
+ 00:00:53.280 --> 00:00:56.820
73
+ throughout your adventures was there
74
+
75
+ 19
76
+ 00:00:55.260 --> 00:01:00.480
77
+ ever a time that you felt nervous or
78
+
79
+ 20
80
+ 00:00:56.820 --> 00:01:02.820
81
+ outmatched oh sorry I was dreaming of
82
+
83
+ 21
84
+ 00:01:00.480 --> 00:01:07.700
85
+ something spicy I'll remember that you
86
+
87
+ 22
88
+ 00:01:02.820 --> 00:01:07.700
89
+ said that now look at this five in a row
90
+
91
+ 23
92
+ 00:01:09.840 --> 00:01:14.420
93
+ no bad if your thing is incredibly mild
94
+
95
+ 24
96
+ 00:01:12.960 --> 00:01:17.460
97
+ sensation
98
+
99
+ 25
100
+ 00:01:14.420 --> 00:01:19.200
101
+ love that confidence so puss cats
102
+
103
+ 26
104
+ 00:01:17.460 --> 00:01:20.820
105
+ notoriously have nine lives but you're
106
+
107
+ 27
108
+ 00:01:19.200 --> 00:01:25.140
109
+ on record as saying that this is your
110
+
111
+ 28
112
+ 00:01:20.820 --> 00:01:27.659
113
+ last one yeah so explain that death okay
114
+
115
+ 29
116
+ 00:01:25.140 --> 00:01:31.700
117
+ I hear death number six involves some
118
+
119
+ 30
120
+ 00:01:27.659 --> 00:01:34.259
121
+ Mad Dogs I have no regret
122
+
123
+ 31
124
+ 00:01:31.700 --> 00:01:37.380
125
+ death number three a little too much
126
+
127
+ 32
128
+ 00:01:34.259 --> 00:01:40.799
129
+ leyche huh I'm telling you I can't
130
+
131
+ 33
132
+ 00:01:37.380 --> 00:01:43.259
133
+ always lands on his feet what as they
134
+
135
+ 34
136
+ 00:01:40.799 --> 00:01:45.799
137
+ say lecture before the cream is way too
138
+
139
+ 35
140
+ 00:01:43.259 --> 00:01:45.799
141
+ extreme
142
+
143
+ 36
144
+ 00:01:46.020 --> 00:01:50.159
145
+ and death number two is because you're
146
+
147
+ 37
148
+ 00:01:47.759 --> 00:01:52.380
149
+ allergic to shellfish you know I'm on my
150
+
151
+ 38
152
+ 00:01:50.159 --> 00:01:56.399
153
+ last life but a meal with three Michelin
154
+
155
+ 39
156
+ 00:01:52.380 --> 00:01:56.399
157
+ stars only comes around once
158
+
159
+ 40
160
+ 00:02:01.939 --> 00:02:06.299
161
+ so puss you're known for protecting the
162
+
163
+ 41
164
+ 00:02:04.560 --> 00:02:08.940
165
+ innocent and helping the less fortunate
166
+
167
+ 42
168
+ 00:02:06.299 --> 00:02:12.840
169
+ how do you stay inspired it's a Colleen
170
+
171
+ 43
172
+ 00:02:08.940 --> 00:02:17.480
173
+ you know it um whoa actually feel this
174
+
175
+ 44
176
+ 00:02:12.840 --> 00:02:20.280
177
+ one oh oh my whiskers are tingling a bit
178
+
179
+ 45
180
+ 00:02:17.480 --> 00:02:22.500
181
+ yeah yeah be careful around your eyes a
182
+
183
+ 46
184
+ 00:02:20.280 --> 00:02:24.260
185
+ dragon one set my eyes on fire I think
186
+
187
+ 47
188
+ 00:02:22.500 --> 00:02:26.780
189
+ I'll be fine
190
+
191
+ 48
192
+ 00:02:24.260 --> 00:02:31.200
193
+ August bread
194
+
195
+ 49
196
+ 00:02:26.780 --> 00:02:33.540
197
+ trust me ogres are overrated
198
+
199
+ 50
200
+ 00:02:31.200 --> 00:02:35.760
201
+ so in many ways your life or should I
202
+
203
+ 51
204
+ 00:02:33.540 --> 00:02:38.280
205
+ say lives Follow The Arc of the classic
206
+
207
+ 52
208
+ 00:02:35.760 --> 00:02:41.160
209
+ hero's journey but I'm curious was just
210
+
211
+ 53
212
+ 00:02:38.280 --> 00:02:44.660
213
+ like an average day like for you yeah
214
+
215
+ 54
216
+ 00:02:41.160 --> 00:02:48.680
217
+ yeah last sauce went straight to my God
218
+
219
+ 55
220
+ 00:02:44.660 --> 00:02:52.340
221
+ I can feel my tail watch this
222
+
223
+ 56
224
+ 00:02:48.680 --> 00:02:52.340
225
+ I feel nothing
226
+
227
+ 57
228
+ 00:02:54.120 --> 00:03:00.019
229
+ dead Sean seriously look at me look at
230
+
231
+ 58
232
+ 00:02:57.900 --> 00:03:00.019
233
+ me
234
+
235
+ 59
236
+ 00:03:00.900 --> 00:03:05.040
237
+ son
238
+
239
+ 60
240
+ 00:03:02.220 --> 00:03:08.760
241
+ uh because any other question will be
242
+
243
+ 61
244
+ 00:03:05.040 --> 00:03:11.120
245
+ ridiculous right now oh tell me about
246
+
247
+ 62
248
+ 00:03:08.760 --> 00:03:15.019
249
+ your partnership with Kitty softballs
250
+
251
+ 63
252
+ 00:03:11.120 --> 00:03:18.140
253
+ puss are you okay puss
254
+
255
+ 64
256
+ 00:03:15.019 --> 00:03:18.140
257
+ in Boots
258
+
259
+ 65
260
+ 00:03:18.300 --> 00:03:20.900
261
+ are you okay
262
+
263
+ 66
264
+ 00:03:25.159 --> 00:03:30.200
265
+ please you drank all the lay checks come
266
+
267
+ 67
268
+ 00:03:28.019 --> 00:03:30.200
269
+ on
270
+
271
+ 68
272
+ 00:03:31.040 --> 00:03:35.780
273
+ Studio do we have any more leche for
274
+
275
+ 69
276
+ 00:03:33.540 --> 00:03:40.220
277
+ Puss and Boots
278
+
279
+ 70
280
+ 00:03:35.780 --> 00:03:40.220
281
+ my kingdom foreign
282
+
283
+ 71
284
+ 00:03:46.560 --> 00:03:50.640
285
+ well it's been quite a ride but we made
286
+
287
+ 72
288
+ 00:03:48.720 --> 00:03:53.220
289
+ it Puss in Boots you're the bravest cat
290
+
291
+ 73
292
+ 00:03:50.640 --> 00:03:56.280
293
+ I know you've defeated Giants you've
294
+
295
+ 74
296
+ 00:03:53.220 --> 00:03:58.500
297
+ slayed dragons and today together we've
298
+
299
+ 75
300
+ 00:03:56.280 --> 00:04:02.659
301
+ conquered the hot sauce Beast we did
302
+
303
+ 76
304
+ 00:03:58.500 --> 00:04:02.659
305
+ indeed salute cheers
306
+
307
+ 77
308
+ 00:04:02.940 --> 00:04:06.599
309
+ and now there's nothing left to do but
310
+
311
+ 78
312
+ 00:04:04.920 --> 00:04:08.340
313
+ roll out the red carpet for you my
314
+
315
+ 79
316
+ 00:04:06.599 --> 00:04:09.959
317
+ friend this camera this camera this
318
+
319
+ 80
320
+ 00:04:08.340 --> 00:04:12.420
321
+ camera let the people know what you have
322
+
323
+ 81
324
+ 00:04:09.959 --> 00:04:15.770
325
+ going on in your life this is how I die
326
+
327
+ 82
328
+ 00:04:12.420 --> 00:04:16.329
329
+ at least you make it sound legendary
330
+
331
+ 83
332
+ 00:04:15.770 --> 00:04:19.449
333
+ [Music]
334
+
335
+ 84
336
+ 00:04:16.329 --> 00:04:19.449
337
+ [Applause]
338
+
339
+ 85
340
+ 00:04:20.720 --> 00:04:25.520
341
+ keep it spicy if you dare
342
+
transcripts/10.vtt ADDED
@@ -0,0 +1,2354 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.120 --> 00:00:04.860
5
+ this is like I mean I've give I've had
6
+
7
+ 2
8
+ 00:00:02.879 --> 00:00:08.299
9
+ three children
10
+
11
+ 3
12
+ 00:00:04.860 --> 00:00:08.299
13
+ that's crazy yeah
14
+
15
+ 4
16
+ 00:00:12.000 --> 00:00:15.660
17
+ [Music]
18
+
19
+ 5
20
+ 00:00:13.679 --> 00:00:17.220
21
+ hey what's going on everybody for first
22
+
23
+ 6
24
+ 00:00:15.660 --> 00:00:18.900
25
+ week Feast I'm Sean Evans and you're
26
+
27
+ 7
28
+ 00:00:17.220 --> 00:00:20.520
29
+ watching hot ones it's the show with hot
30
+
31
+ 8
32
+ 00:00:18.900 --> 00:00:22.260
33
+ questions and even hotter wings and
34
+
35
+ 9
36
+ 00:00:20.520 --> 00:00:24.119
37
+ today we're joined by Kate Hudson she's
38
+
39
+ 10
40
+ 00:00:22.260 --> 00:00:25.560
41
+ an Academy Award nominated actress and
42
+
43
+ 11
44
+ 00:00:24.119 --> 00:00:26.880
45
+ entrepreneur with a portfolio that
46
+
47
+ 12
48
+ 00:00:25.560 --> 00:00:28.380
49
+ includes everything from King Street
50
+
51
+ 13
52
+ 00:00:26.880 --> 00:00:30.240
53
+ vodka to her beauty and wellness
54
+
55
+ 14
56
+ 00:00:28.380 --> 00:00:31.800
57
+ products within Bloom you can also catch
58
+
59
+ 15
60
+ 00:00:30.240 --> 00:00:34.140
61
+ her in the long-weighted follow-up film
62
+
63
+ 16
64
+ 00:00:31.800 --> 00:00:35.579
65
+ Glass Onion and knives out mystery which
66
+
67
+ 17
68
+ 00:00:34.140 --> 00:00:38.219
69
+ will be available globally on Netflix
70
+
71
+ 18
72
+ 00:00:35.579 --> 00:00:41.760
73
+ December 23rd Kate Hudson welcome to the
74
+
75
+ 19
76
+ 00:00:38.219 --> 00:00:44.700
77
+ show thank you I'm excited scared you're
78
+
79
+ 20
80
+ 00:00:41.760 --> 00:00:46.200
81
+ a little scared nervous exciting around
82
+
83
+ 21
84
+ 00:00:44.700 --> 00:00:49.860
85
+ spicy food before we get started
86
+
87
+ 22
88
+ 00:00:46.200 --> 00:00:53.879
89
+ terrible terrible I I'm I'm I'm probably
90
+
91
+ 23
92
+ 00:00:49.860 --> 00:00:56.039
93
+ gonna be one of your worst spice
94
+
95
+ 24
96
+ 00:00:53.879 --> 00:00:56.699
97
+ Pips
98
+
99
+ 25
100
+ 00:00:56.039 --> 00:00:58.500
101
+ um
102
+
103
+ 26
104
+ 00:00:56.699 --> 00:01:00.719
105
+ I don't recognize any of these and
106
+
107
+ 27
108
+ 00:00:58.500 --> 00:01:02.160
109
+ that's because I don't I don't even have
110
+
111
+ 28
112
+ 00:01:00.719 --> 00:01:04.500
113
+ them in my house
114
+
115
+ 29
116
+ 00:01:02.160 --> 00:01:07.020
117
+ well it's time to explore the world you
118
+
119
+ 30
120
+ 00:01:04.500 --> 00:01:08.460
121
+ know explore this and I hope I can get
122
+
123
+ 31
124
+ 00:01:07.020 --> 00:01:09.960
125
+ through it I'm gonna try my best I'm
126
+
127
+ 32
128
+ 00:01:08.460 --> 00:01:11.820
129
+ gonna try my best my kids will be proud
130
+
131
+ 33
132
+ 00:01:09.960 --> 00:01:14.040
133
+ of me of course that's all we can ask
134
+
135
+ 34
136
+ 00:01:11.820 --> 00:01:16.230
137
+ are you ready to get started sure
138
+
139
+ 35
140
+ 00:01:14.040 --> 00:01:19.359
141
+ [Music]
142
+
143
+ 36
144
+ 00:01:16.230 --> 00:01:19.359
145
+ [Applause]
146
+
147
+ 37
148
+ 00:01:19.530 --> 00:01:35.040
149
+ [Music]
150
+
151
+ 38
152
+ 00:01:31.740 --> 00:01:37.579
153
+ oh God this is gonna be the real test of
154
+
155
+ 39
156
+ 00:01:35.040 --> 00:01:37.579
157
+ my abilities
158
+
159
+ 40
160
+ 00:01:37.690 --> 00:01:42.150
161
+ [Music]
162
+
163
+ 41
164
+ 00:01:43.140 --> 00:01:45.979
165
+ beautiful
166
+
167
+ 42
168
+ 00:01:46.650 --> 00:01:52.320
169
+ [Music]
170
+
171
+ 43
172
+ 00:01:48.680 --> 00:01:54.000
173
+ that feels pretty good there you go yeah
174
+
175
+ 44
176
+ 00:01:52.320 --> 00:01:55.560
177
+ so I want to start by complimenting the
178
+
179
+ 45
180
+ 00:01:54.000 --> 00:01:57.720
181
+ film I actually love the knives out
182
+
183
+ 46
184
+ 00:01:55.560 --> 00:01:59.399
185
+ movies Glass Onion in particular as I
186
+
187
+ 47
188
+ 00:01:57.720 --> 00:02:01.020
189
+ think they scratch an itch that has
190
+
191
+ 48
192
+ 00:01:59.399 --> 00:02:02.939
193
+ otherwise been kind of neglected by
194
+
195
+ 49
196
+ 00:02:01.020 --> 00:02:04.979
197
+ Hollywood yeah what did you mean when
198
+
199
+ 50
200
+ 00:02:02.939 --> 00:02:06.600
201
+ you said we need more movies like this
202
+
203
+ 51
204
+ 00:02:04.979 --> 00:02:09.179
205
+ and I'm just so grateful I get to be in
206
+
207
+ 52
208
+ 00:02:06.600 --> 00:02:12.480
209
+ this one well I think that the theater
210
+
211
+ 53
212
+ 00:02:09.179 --> 00:02:14.940
213
+ going movie is new this new theater
214
+
215
+ 54
216
+ 00:02:12.480 --> 00:02:17.819
217
+ going experience is dying you know I
218
+
219
+ 55
220
+ 00:02:14.940 --> 00:02:21.780
221
+ mean our our industry is hurting there
222
+
223
+ 56
224
+ 00:02:17.819 --> 00:02:25.760
225
+ and it's movies like Glass Onion that
226
+
227
+ 57
228
+ 00:02:21.780 --> 00:02:28.440
229
+ bring me hope that maybe we can
230
+
231
+ 58
232
+ 00:02:25.760 --> 00:02:32.220
233
+ reinvigorate not only the theater going
234
+
235
+ 59
236
+ 00:02:28.440 --> 00:02:35.340
237
+ experience but people taking chances on
238
+
239
+ 60
240
+ 00:02:32.220 --> 00:02:37.379
241
+ what is a crowd-pleasing film because
242
+
243
+ 61
244
+ 00:02:35.340 --> 00:02:39.840
245
+ it's one thing if it's Marvel you know
246
+
247
+ 62
248
+ 00:02:37.379 --> 00:02:41.760
249
+ you're going to get that event movie but
250
+
251
+ 63
252
+ 00:02:39.840 --> 00:02:44.459
253
+ to go in and have a completely different
254
+
255
+ 64
256
+ 00:02:41.760 --> 00:02:46.440
257
+ movie experience something that isn't in
258
+
259
+ 65
260
+ 00:02:44.459 --> 00:02:47.940
261
+ that world is so important to our
262
+
263
+ 66
264
+ 00:02:46.440 --> 00:02:50.120
265
+ industry
266
+
267
+ 67
268
+ 00:02:47.940 --> 00:02:50.120
269
+ thank you
270
+
271
+ 68
272
+ 00:02:52.140 --> 00:02:58.980
273
+ hello Dodge heading a little harder
274
+
275
+ 69
276
+ 00:02:55.500 --> 00:03:00.840
277
+ this is Lippy yeah this is a Lippy yeah
278
+
279
+ 70
280
+ 00:02:58.980 --> 00:03:05.160
281
+ it definitely feels like you know I'm
282
+
283
+ 71
284
+ 00:03:00.840 --> 00:03:07.260
285
+ like those plump plump lip glosses
286
+
287
+ 72
288
+ 00:03:05.160 --> 00:03:10.519
289
+ um that all Us Girls love Yeah free
290
+
291
+ 73
292
+ 00:03:07.260 --> 00:03:10.519
293
+ treatment right that's right right here
294
+
295
+ 74
296
+ 00:03:10.920 --> 00:03:14.900
297
+ did you see my lips after the hot one
298
+
299
+ 75
300
+ 00:03:16.260 --> 00:03:19.319
301
+ how if it all did work in an
302
+
303
+ 76
304
+ 00:03:17.879 --> 00:03:21.540
305
+ apprenticeship at the Williamstown
306
+
307
+ 77
308
+ 00:03:19.319 --> 00:03:23.220
309
+ theater Festival of Massachusetts how
310
+
311
+ 78
312
+ 00:03:21.540 --> 00:03:25.860
313
+ did that shape your appreciation for
314
+
315
+ 79
316
+ 00:03:23.220 --> 00:03:27.900
317
+ acting oh I love that question you know
318
+
319
+ 80
320
+ 00:03:25.860 --> 00:03:30.420
321
+ when I was
322
+
323
+ 81
324
+ 00:03:27.900 --> 00:03:32.819
325
+ I was still in high school and my mom
326
+
327
+ 82
328
+ 00:03:30.420 --> 00:03:35.099
329
+ was like you're too boy crazy
330
+
331
+ 83
332
+ 00:03:32.819 --> 00:03:37.140
333
+ I'm shipping you off
334
+
335
+ 84
336
+ 00:03:35.099 --> 00:03:39.360
337
+ to Williamstown theater Festival and I
338
+
339
+ 85
340
+ 00:03:37.140 --> 00:03:42.480
341
+ was like what
342
+
343
+ 86
344
+ 00:03:39.360 --> 00:03:43.739
345
+ no you know it's like that age where all
346
+
347
+ 87
348
+ 00:03:42.480 --> 00:03:46.860
349
+ you want to do is be with your friends
350
+
351
+ 88
352
+ 00:03:43.739 --> 00:03:48.720
353
+ and I loved working on my craft but like
354
+
355
+ 89
356
+ 00:03:46.860 --> 00:03:51.360
357
+ that was dedicated for this school year
358
+
359
+ 90
360
+ 00:03:48.720 --> 00:03:53.519
361
+ like this is my summer you know I had no
362
+
363
+ 91
364
+ 00:03:51.360 --> 00:03:57.120
365
+ idea what it was I didn't know what she
366
+
367
+ 92
368
+ 00:03:53.519 --> 00:04:00.000
369
+ had uh signed me up for my mom had
370
+
371
+ 93
372
+ 00:03:57.120 --> 00:04:02.280
373
+ actually given me my Independence as a
374
+
375
+ 94
376
+ 00:04:00.000 --> 00:04:04.080
377
+ young artist and discovering what that
378
+
379
+ 95
380
+ 00:04:02.280 --> 00:04:06.959
381
+ is and that was it was just the greatest
382
+
383
+ 96
384
+ 00:04:04.080 --> 00:04:09.420
385
+ experience of my teenage your mom was
386
+
387
+ 97
388
+ 00:04:06.959 --> 00:04:11.280
389
+ right she was so right do you remember
390
+
391
+ 98
392
+ 00:04:09.420 --> 00:04:13.439
393
+ your literal like first ever production
394
+
395
+ 99
396
+ 00:04:11.280 --> 00:04:17.540
397
+ like what was on the Marquee outside the
398
+
399
+ 100
400
+ 00:04:13.439 --> 00:04:17.540
401
+ Santa Monica playhouse in the early 90s
402
+
403
+ 101
404
+ 00:04:18.660 --> 00:04:22.680
405
+ the first time I was ever on stage I was
406
+
407
+ 102
408
+ 00:04:20.880 --> 00:04:23.820
409
+ a little girl I played little Alice in
410
+
411
+ 103
412
+ 00:04:22.680 --> 00:04:25.560
413
+ Allison
414
+
415
+ 104
416
+ 00:04:23.820 --> 00:04:28.740
417
+ Alice and I do remember my mom saying
418
+
419
+ 105
420
+ 00:04:25.560 --> 00:04:32.400
421
+ she's never seen anything bigger in her
422
+
423
+ 106
424
+ 00:04:28.740 --> 00:04:33.720
425
+ life than that little Alice I led with
426
+
427
+ 107
428
+ 00:04:32.400 --> 00:04:36.240
429
+ my chest
430
+
431
+ 108
432
+ 00:04:33.720 --> 00:04:37.000
433
+ he was like it was like all chess you
434
+
435
+ 109
436
+ 00:04:36.240 --> 00:04:40.959
437
+ know
438
+
439
+ 110
440
+ 00:04:37.000 --> 00:04:40.959
441
+ [Music]
442
+
443
+ 111
444
+ 00:04:42.120 --> 00:04:46.199
445
+ what if I'm great at this
446
+
447
+ 112
448
+ 00:04:44.100 --> 00:04:48.000
449
+ what if I'm like the best person you've
450
+
451
+ 113
452
+ 00:04:46.199 --> 00:04:50.580
453
+ ever had on this I think that's where
454
+
455
+ 114
456
+ 00:04:48.000 --> 00:04:52.080
457
+ this is going really I don't think so I
458
+
459
+ 115
460
+ 00:04:50.580 --> 00:04:55.259
461
+ think so I can see it I can see it
462
+
463
+ 116
464
+ 00:04:52.080 --> 00:04:58.320
465
+ already this is interesting mm-hmm
466
+
467
+ 117
468
+ 00:04:55.259 --> 00:04:59.580
469
+ that maybe my kids have prepared me for
470
+
471
+ 118
472
+ 00:04:58.320 --> 00:05:02.580
473
+ this a little bit because they do make
474
+
475
+ 119
476
+ 00:04:59.580 --> 00:05:05.699
477
+ me try things yeah yeah like really
478
+
479
+ 120
480
+ 00:05:02.580 --> 00:05:07.560
481
+ aggressive spice I was talking to Bing
482
+
483
+ 121
484
+ 00:05:05.699 --> 00:05:09.120
485
+ before this started yeah you know he's
486
+
487
+ 122
488
+ 00:05:07.560 --> 00:05:11.940
489
+ he's young but it seems like he's
490
+
491
+ 123
492
+ 00:05:09.120 --> 00:05:13.500
493
+ started oh no he is one of them I have
494
+
495
+ 124
496
+ 00:05:11.940 --> 00:05:16.020
497
+ to be like okay
498
+
499
+ 125
500
+ 00:05:13.500 --> 00:05:18.240
501
+ no she just can't be good for your
502
+
503
+ 126
504
+ 00:05:16.020 --> 00:05:20.960
505
+ stomach lining we're still developing
506
+
507
+ 127
508
+ 00:05:18.240 --> 00:05:20.960
509
+ bingo
510
+
511
+ 128
512
+ 00:05:21.900 --> 00:05:25.500
513
+ is it true that during production for
514
+
515
+ 129
516
+ 00:05:23.699 --> 00:05:27.660
517
+ nine Daniel Day-Lewis would send you
518
+
519
+ 130
520
+ 00:05:25.500 --> 00:05:29.400
521
+ notes on custom stationery from the
522
+
523
+ 131
524
+ 00:05:27.660 --> 00:05:31.259
525
+ perspective of his character Guido yes
526
+
527
+ 132
528
+ 00:05:29.400 --> 00:05:34.320
529
+ from Guido
530
+
531
+ 133
532
+ 00:05:31.259 --> 00:05:37.440
533
+ it was the best and I remember you know
534
+
535
+ 134
536
+ 00:05:34.320 --> 00:05:38.940
537
+ I had the best of Daniel I remember
538
+
539
+ 135
540
+ 00:05:37.440 --> 00:05:42.660
541
+ um
542
+
543
+ 136
544
+ 00:05:38.940 --> 00:05:46.440
545
+ Leonardo DiCaprio saying to me not to
546
+
547
+ 137
548
+ 00:05:42.660 --> 00:05:48.360
549
+ drop anything drop that uh but Leo said
550
+
551
+ 138
552
+ 00:05:46.440 --> 00:05:51.479
553
+ to me once like how is Daniel you know
554
+
555
+ 139
556
+ 00:05:48.360 --> 00:05:54.000
557
+ and I was like ah the best he's like
558
+
559
+ 140
560
+ 00:05:51.479 --> 00:05:57.720
561
+ really and I was like oh yeah you had
562
+
563
+ 141
564
+ 00:05:54.000 --> 00:06:01.139
565
+ him on Gangs of New York I was like you
566
+
567
+ 142
568
+ 00:05:57.720 --> 00:06:03.600
569
+ got that Daniel I got Guido you know I
570
+
571
+ 143
572
+ 00:06:01.139 --> 00:06:06.120
573
+ mean it was like the juxtaposition of
574
+
575
+ 144
576
+ 00:06:03.600 --> 00:06:08.460
577
+ like you know your arch nemesis who's
578
+
579
+ 145
580
+ 00:06:06.120 --> 00:06:10.860
581
+ trying to kill you versus the man who's
582
+
583
+ 146
584
+ 00:06:08.460 --> 00:06:14.699
585
+ trying to sleep with you are two very
586
+
587
+ 147
588
+ 00:06:10.860 --> 00:06:16.440
589
+ different Daniel method actors and yeah
590
+
591
+ 148
592
+ 00:06:14.699 --> 00:06:21.060
593
+ he would I would get I would show up to
594
+
595
+ 149
596
+ 00:06:16.440 --> 00:06:24.600
597
+ my dressing room and have notes
598
+
599
+ 150
600
+ 00:06:21.060 --> 00:06:26.639
601
+ um from Guido you know Stephanie you
602
+
603
+ 151
604
+ 00:06:24.600 --> 00:06:28.020
605
+ were wonderful yesterday you know I was
606
+
607
+ 152
608
+ 00:06:26.639 --> 00:06:31.440
609
+ like
610
+
611
+ 153
612
+ 00:06:28.020 --> 00:06:33.720
613
+ it's like when I die my children are
614
+
615
+ 154
616
+ 00:06:31.440 --> 00:06:35.280
617
+ gonna like this is my grandchildren this
618
+
619
+ 155
620
+ 00:06:33.720 --> 00:06:38.940
621
+ is this might this might this might live
622
+
623
+ 156
624
+ 00:06:35.280 --> 00:06:40.560
625
+ on you know we'll live on we'll live if
626
+
627
+ 157
628
+ 00:06:38.940 --> 00:06:42.120
629
+ I can find them
630
+
631
+ 158
632
+ 00:06:40.560 --> 00:06:44.180
633
+ thank you
634
+
635
+ 159
636
+ 00:06:42.120 --> 00:06:47.220
637
+ [Music]
638
+
639
+ 160
640
+ 00:06:44.180 --> 00:06:49.160
641
+ Los Calientes
642
+
643
+ 161
644
+ 00:06:47.220 --> 00:06:52.440
645
+ foreign
646
+
647
+ 162
648
+ 00:06:49.160 --> 00:06:55.680
649
+ I like this one I actually really like
650
+
651
+ 163
652
+ 00:06:52.440 --> 00:06:57.120
653
+ this one wow is that weird no we
654
+
655
+ 164
656
+ 00:06:55.680 --> 00:07:00.360
657
+ actually make it so I love that oh
658
+
659
+ 165
660
+ 00:06:57.120 --> 00:07:02.720
661
+ really is this yours oh my God it is hot
662
+
663
+ 166
664
+ 00:07:00.360 --> 00:07:02.720
665
+ ones
666
+
667
+ 167
668
+ 00:07:03.000 --> 00:07:06.000
669
+ so that's why I was just that's why I
670
+
671
+ 168
672
+ 00:07:04.380 --> 00:07:09.060
673
+ was just soaking it it's got a little
674
+
675
+ 169
676
+ 00:07:06.000 --> 00:07:10.680
677
+ sweet in there yeah but it's like this
678
+
679
+ 170
680
+ 00:07:09.060 --> 00:07:12.539
681
+ is this is
682
+
683
+ 171
684
+ 00:07:10.680 --> 00:07:14.940
685
+ look how good you're doing look how sell
686
+
687
+ 172
688
+ 00:07:12.539 --> 00:07:16.500
689
+ your product right now there we go it
690
+
691
+ 173
692
+ 00:07:14.940 --> 00:07:19.800
693
+ does have the perfect
694
+
695
+ 174
696
+ 00:07:16.500 --> 00:07:22.560
697
+ space yeah and it's a little sweet and
698
+
699
+ 175
700
+ 00:07:19.800 --> 00:07:24.300
701
+ it's got It's good this is good
702
+
703
+ 176
704
+ 00:07:22.560 --> 00:07:26.340
705
+ so when you launched your craft vodka
706
+
707
+ 177
708
+ 00:07:24.300 --> 00:07:28.160
709
+ line King Street vodka you called it the
710
+
711
+ 178
712
+ 00:07:26.340 --> 00:07:30.960
713
+ most on-brand business you've ever done
714
+
715
+ 179
716
+ 00:07:28.160 --> 00:07:32.639
717
+ do you have a signature cocktail for the
718
+
719
+ 180
720
+ 00:07:30.960 --> 00:07:34.319
721
+ holidays and if so can you talk us
722
+
723
+ 181
724
+ 00:07:32.639 --> 00:07:39.180
725
+ through how to make it
726
+
727
+ 182
728
+ 00:07:34.319 --> 00:07:41.759
729
+ I made just recently what I'm calling a
730
+
731
+ 183
732
+ 00:07:39.180 --> 00:07:45.360
733
+ Goldie's Mad Dash oh this sounds good
734
+
735
+ 184
736
+ 00:07:41.759 --> 00:07:50.160
737
+ I made a lychee martini and I did two
738
+
739
+ 185
740
+ 00:07:45.360 --> 00:07:50.160
741
+ ounces vodka two ounces lychee
742
+
743
+ 186
744
+ 00:07:50.340 --> 00:07:56.460
745
+ an ounce of the cranberry and then I did
746
+
747
+ 187
748
+ 00:07:54.120 --> 00:07:59.580
749
+ a dash of orange bitters that sounds
750
+
751
+ 188
752
+ 00:07:56.460 --> 00:08:01.979
753
+ nice and it's so good and something my
754
+
755
+ 189
756
+ 00:07:59.580 --> 00:08:04.979
757
+ mom loves so I called it Goldie's Mad
758
+
759
+ 190
760
+ 00:08:01.979 --> 00:08:07.139
761
+ Dash which also is her personality I
762
+
763
+ 191
764
+ 00:08:04.979 --> 00:08:09.539
765
+ just love a good drink and in the winter
766
+
767
+ 192
768
+ 00:08:07.139 --> 00:08:11.759
769
+ I love my I love my bourbons and I'll
770
+
771
+ 193
772
+ 00:08:09.539 --> 00:08:14.600
773
+ have a whiskey yeah you know me too the
774
+
775
+ 194
776
+ 00:08:11.759 --> 00:08:18.029
777
+ fire the Cozy by the fire drink
778
+
779
+ 195
780
+ 00:08:14.600 --> 00:08:18.029
781
+ [Music]
782
+
783
+ 196
784
+ 00:08:18.599 --> 00:08:24.120
785
+ this one looks ominous
786
+
787
+ 197
788
+ 00:08:21.419 --> 00:08:28.440
789
+ I think the texture is not my favorite
790
+
791
+ 198
792
+ 00:08:24.120 --> 00:08:31.560
793
+ yeah it was just a little too oily
794
+
795
+ 199
796
+ 00:08:28.440 --> 00:08:33.599
797
+ but if I was eating pizza oh I might
798
+
799
+ 200
800
+ 00:08:31.560 --> 00:08:35.640
801
+ like that
802
+
803
+ 201
804
+ 00:08:33.599 --> 00:08:37.620
805
+ what is going on
806
+
807
+ 202
808
+ 00:08:35.640 --> 00:08:39.300
809
+ I'm five in
810
+
811
+ 203
812
+ 00:08:37.620 --> 00:08:40.919
813
+ and it's like yeah I haven't even
814
+
815
+ 204
816
+ 00:08:39.300 --> 00:08:43.080
817
+ touched my milkshake
818
+
819
+ 205
820
+ 00:08:40.919 --> 00:08:44.520
821
+ yeah I know I've noticed I've noticed
822
+
823
+ 206
824
+ 00:08:43.080 --> 00:08:45.380
825
+ you haven't touched the milkshake am I
826
+
827
+ 207
828
+ 00:08:44.520 --> 00:08:48.720
829
+ pregnant
830
+
831
+ 208
832
+ 00:08:45.380 --> 00:08:51.320
833
+ hold on a second does anyone have my
834
+
835
+ 209
836
+ 00:08:48.720 --> 00:08:51.320
837
+ flow calendar
838
+
839
+ 210
840
+ 00:08:52.260 --> 00:08:58.160
841
+ this is weirding me out just I think you
842
+
843
+ 211
844
+ 00:08:54.720 --> 00:09:00.240
845
+ know you just set the bar too low okay
846
+
847
+ 212
848
+ 00:08:58.160 --> 00:09:02.180
849
+ crazy in a second is what you're saying
850
+
851
+ 213
852
+ 00:09:00.240 --> 00:09:05.100
853
+ I'm not gonna lie to you okay
854
+
855
+ 214
856
+ 00:09:02.180 --> 00:09:06.240
857
+ got it okay but in the meantime we have
858
+
859
+ 215
860
+ 00:09:05.100 --> 00:09:07.740
861
+ a recurring segment on our show called
862
+
863
+ 216
864
+ 00:09:06.240 --> 00:09:09.000
865
+ explain that gram we do a deep dive on
866
+
867
+ 217
868
+ 00:09:07.740 --> 00:09:10.560
869
+ our Gus and scramble interesting
870
+
871
+ 218
872
+ 00:09:09.000 --> 00:09:11.820
873
+ pictures that need more contact so we'll
874
+
875
+ 219
876
+ 00:09:10.560 --> 00:09:13.500
877
+ pull the picture up over here on the
878
+
879
+ 220
880
+ 00:09:11.820 --> 00:09:16.200
881
+ monitor okay and you just tell us the
882
+
883
+ 221
884
+ 00:09:13.500 --> 00:09:19.320
885
+ big bigger story okay how big a thrill
886
+
887
+ 222
888
+ 00:09:16.200 --> 00:09:23.040
889
+ was it for you to share a mic live and
890
+
891
+ 223
892
+ 00:09:19.320 --> 00:09:25.019
893
+ uncomfortable of my life that was the
894
+
895
+ 224
896
+ 00:09:23.040 --> 00:09:26.640
897
+ best moment ever
898
+
899
+ 225
900
+ 00:09:25.019 --> 00:09:29.399
901
+ you know what sometimes when I'm feeling
902
+
903
+ 226
904
+ 00:09:26.640 --> 00:09:33.480
905
+ low I like go I Google that picture I'm
906
+
907
+ 227
908
+ 00:09:29.399 --> 00:09:35.220
909
+ like Kate Hudson Bruce Springsteen you
910
+
911
+ 228
912
+ 00:09:33.480 --> 00:09:37.080
913
+ know like just the fact that I can
914
+
915
+ 229
916
+ 00:09:35.220 --> 00:09:39.839
917
+ Google those two names together and that
918
+
919
+ 230
920
+ 00:09:37.080 --> 00:09:42.120
921
+ comes up is like it's like I could you
922
+
923
+ 231
924
+ 00:09:39.839 --> 00:09:44.040
925
+ know I've it's like that's it you know
926
+
927
+ 232
928
+ 00:09:42.120 --> 00:09:46.680
929
+ I've died and gone to heaven
930
+
931
+ 233
932
+ 00:09:44.040 --> 00:09:47.940
933
+ I did this I did a show where I
934
+
935
+ 234
936
+ 00:09:46.680 --> 00:09:49.860
937
+ presented
938
+
939
+ 235
940
+ 00:09:47.940 --> 00:09:52.380
941
+ um it was a charity function
942
+
943
+ 236
944
+ 00:09:49.860 --> 00:09:54.600
945
+ and at the end everybody was supposed to
946
+
947
+ 237
948
+ 00:09:52.380 --> 00:09:56.279
949
+ go out on a stage and like Sing Don't
950
+
951
+ 238
952
+ 00:09:54.600 --> 00:09:59.220
953
+ Stop Believing you know
954
+
955
+ 239
956
+ 00:09:56.279 --> 00:10:00.839
957
+ I'm kind of singing to myself and Bruce
958
+
959
+ 240
960
+ 00:09:59.220 --> 00:10:03.120
961
+ I see him it was like out of the it was
962
+
963
+ 241
964
+ 00:10:00.839 --> 00:10:05.459
965
+ like out of the Courtney Cox
966
+
967
+ 242
968
+ 00:10:03.120 --> 00:10:07.560
969
+ um it was like yeah music video Yeah he
970
+
971
+ 243
972
+ 00:10:05.459 --> 00:10:09.779
973
+ was like
974
+
975
+ 244
976
+ 00:10:07.560 --> 00:10:11.880
977
+ and I kind of like
978
+
979
+ 245
980
+ 00:10:09.779 --> 00:10:14.160
981
+ me I was like is he pointing at me and
982
+
983
+ 246
984
+ 00:10:11.880 --> 00:10:16.620
985
+ he was casting
986
+
987
+ 247
988
+ 00:10:14.160 --> 00:10:21.000
989
+ and I was just like I am not gonna shy
990
+
991
+ 248
992
+ 00:10:16.620 --> 00:10:24.060
993
+ yeah if Bruce asks I shall arrive yes
994
+
995
+ 249
996
+ 00:10:21.000 --> 00:10:25.620
997
+ you know and and uh and he just brought
998
+
999
+ 250
1000
+ 00:10:24.060 --> 00:10:27.300
1001
+ me on the mic and we started singing
1002
+
1003
+ 251
1004
+ 00:10:25.620 --> 00:10:29.940
1005
+ together and I was like I literally got
1006
+
1007
+ 252
1008
+ 00:10:27.300 --> 00:10:31.620
1009
+ in the car and I like welled up like
1010
+
1011
+ 253
1012
+ 00:10:29.940 --> 00:10:33.839
1013
+ because it was just so it was just
1014
+
1015
+ 254
1016
+ 00:10:31.620 --> 00:10:36.959
1017
+ amazing that was just the best I'm such
1018
+
1019
+ 255
1020
+ 00:10:33.839 --> 00:10:38.940
1021
+ a huge huge fan of his so that was
1022
+
1023
+ 256
1024
+ 00:10:36.959 --> 00:10:41.979
1025
+ pretty awesome
1026
+
1027
+ 257
1028
+ 00:10:38.940 --> 00:10:41.979
1029
+ [Music]
1030
+
1031
+ 258
1032
+ 00:10:42.360 --> 00:10:47.160
1033
+ love turmeric you like it
1034
+
1035
+ 259
1036
+ 00:10:44.160 --> 00:10:47.160
1037
+ anti-inflammatory
1038
+
1039
+ 260
1040
+ 00:10:47.279 --> 00:10:50.480
1041
+ is still like it
1042
+
1043
+ 261
1044
+ 00:10:50.940 --> 00:10:54.039
1045
+ [Music]
1046
+
1047
+ 262
1048
+ 00:10:54.140 --> 00:10:58.279
1049
+ definitely
1050
+
1051
+ 263
1052
+ 00:10:55.920 --> 00:11:01.680
1053
+ yeah definitely new level
1054
+
1055
+ 264
1056
+ 00:10:58.279 --> 00:11:04.339
1057
+ has some like sharp edges I feel like
1058
+
1059
+ 265
1060
+ 00:11:01.680 --> 00:11:04.339
1061
+ with this exactly
1062
+
1063
+ 266
1064
+ 00:11:05.279 --> 00:11:10.920
1065
+ but it's not together
1066
+
1067
+ 267
1068
+ 00:11:07.440 --> 00:11:13.260
1069
+ like the hip oh [ __ ] you want to know
1070
+
1071
+ 268
1072
+ 00:11:10.920 --> 00:11:15.720
1073
+ what I did once what
1074
+
1075
+ 269
1076
+ 00:11:13.260 --> 00:11:18.360
1077
+ I went to China
1078
+
1079
+ 270
1080
+ 00:11:15.720 --> 00:11:21.120
1081
+ for Kung Fu Panda
1082
+
1083
+ 271
1084
+ 00:11:18.360 --> 00:11:23.040
1085
+ and they sent me to Chengdu which never
1086
+
1087
+ 272
1088
+ 00:11:21.120 --> 00:11:26.420
1089
+ in my life
1090
+
1091
+ 273
1092
+ 00:11:23.040 --> 00:11:26.420
1093
+ if you showed me where Chang do
1094
+
1095
+ 274
1096
+ 00:11:28.079 --> 00:11:34.260
1097
+ I like it though it's like clearing
1098
+
1099
+ 275
1100
+ 00:11:31.500 --> 00:11:36.660
1101
+ I'm in Chengdu visiting the pandas and
1102
+
1103
+ 276
1104
+ 00:11:34.260 --> 00:11:40.079
1105
+ it's the Szechuan place I think it's
1106
+
1107
+ 277
1108
+ 00:11:36.660 --> 00:11:41.540
1109
+ Szechuan so we went and had
1110
+
1111
+ 278
1112
+ 00:11:40.079 --> 00:11:44.279
1113
+ this is really
1114
+
1115
+ 279
1116
+ 00:11:41.540 --> 00:11:47.880
1117
+ this has heat now I know where we're
1118
+
1119
+ 280
1120
+ 00:11:44.279 --> 00:11:47.880
1121
+ going yeah yeah whoa
1122
+
1123
+ 281
1124
+ 00:11:48.060 --> 00:11:54.620
1125
+ um oh and and it's it's like that it
1126
+
1127
+ 282
1128
+ 00:11:50.279 --> 00:11:54.620
1129
+ like keeps going waves right yeah
1130
+
1131
+ 283
1132
+ 00:11:56.279 --> 00:12:00.480
1133
+ when you went to China what was the
1134
+
1135
+ 284
1136
+ 00:11:57.899 --> 00:12:02.220
1137
+ culinary highlight I had a tofu dish
1138
+
1139
+ 285
1140
+ 00:12:00.480 --> 00:12:03.959
1141
+ there that I still think about
1142
+
1143
+ 286
1144
+ 00:12:02.220 --> 00:12:05.160
1145
+ you know yeah well I always like when
1146
+
1147
+ 287
1148
+ 00:12:03.959 --> 00:12:06.839
1149
+ I'm following you I kind of that's what
1150
+
1151
+ 288
1152
+ 00:12:05.160 --> 00:12:08.760
1153
+ I kind of pay attention to it's like you
1154
+
1155
+ 289
1156
+ 00:12:06.839 --> 00:12:10.140
1157
+ had that like Tokyo trip where you were
1158
+
1159
+ 290
1160
+ 00:12:08.760 --> 00:12:12.720
1161
+ like having breakfast with sumo
1162
+
1163
+ 291
1164
+ 00:12:10.140 --> 00:12:17.120
1165
+ wrestlers yes takazawa doing like
1166
+
1167
+ 292
1168
+ 00:12:12.720 --> 00:12:17.120
1169
+ tasting menus I love tacos yeah
1170
+
1171
+ 293
1172
+ 00:12:17.899 --> 00:12:22.620
1173
+ I love food yeah I mean and I'm one of
1174
+
1175
+ 294
1176
+ 00:12:20.640 --> 00:12:24.720
1177
+ those that takes pictures of it I like I
1178
+
1179
+ 295
1180
+ 00:12:22.620 --> 00:12:26.459
1181
+ could do I sometimes I'm like you know
1182
+
1183
+ 296
1184
+ 00:12:24.720 --> 00:12:30.120
1185
+ in another
1186
+
1187
+ 297
1188
+ 00:12:26.459 --> 00:12:32.640
1189
+ like life of mine somewhere in my head I
1190
+
1191
+ 298
1192
+ 00:12:30.120 --> 00:12:34.320
1193
+ am doing a food blog as well you know I
1194
+
1195
+ 299
1196
+ 00:12:32.640 --> 00:12:35.820
1197
+ could just travel the world I want to
1198
+
1199
+ 300
1200
+ 00:12:34.320 --> 00:12:38.459
1201
+ travel the world doing a food show that
1202
+
1203
+ 301
1204
+ 00:12:35.820 --> 00:12:41.420
1205
+ would be the most fun ever well hey
1206
+
1207
+ 302
1208
+ 00:12:38.459 --> 00:12:44.660
1209
+ let's talk afterwards yeah
1210
+
1211
+ 303
1212
+ 00:12:41.420 --> 00:12:47.220
1213
+ [Music]
1214
+
1215
+ 304
1216
+ 00:12:44.660 --> 00:12:49.700
1217
+ the cosmic disco sounds like somewhere
1218
+
1219
+ 305
1220
+ 00:12:47.220 --> 00:12:49.700
1221
+ I've been before
1222
+
1223
+ 306
1224
+ 00:12:50.880 --> 00:12:53.839
1225
+ let's do this
1226
+
1227
+ 307
1228
+ 00:12:56.240 --> 00:13:01.620
1229
+ right away yeah right away yeah and it
1230
+
1231
+ 308
1232
+ 00:12:59.639 --> 00:13:03.600
1233
+ has kind of like a sweet barbecue thing
1234
+
1235
+ 309
1236
+ 00:13:01.620 --> 00:13:06.420
1237
+ like a little bit up front but yeah it
1238
+
1239
+ 310
1240
+ 00:13:03.600 --> 00:13:08.399
1241
+ hits so hard yeah not great just a beat
1242
+
1243
+ 311
1244
+ 00:13:06.420 --> 00:13:10.500
1245
+ later yeah this actually my favorite one
1246
+
1247
+ 312
1248
+ 00:13:08.399 --> 00:13:12.540
1249
+ remember when I told you about
1250
+
1251
+ 313
1252
+ 00:13:10.500 --> 00:13:14.100
1253
+ the throat scratch yeah and you're like
1254
+
1255
+ 314
1256
+ 00:13:12.540 --> 00:13:15.420
1257
+ oh this look at that throat scratch like
1258
+
1259
+ 315
1260
+ 00:13:14.100 --> 00:13:18.540
1261
+ this is such a throat scratch this is
1262
+
1263
+ 316
1264
+ 00:13:15.420 --> 00:13:21.240
1265
+ what happens at this Cosmic disco that
1266
+
1267
+ 317
1268
+ 00:13:18.540 --> 00:13:24.180
1269
+ didn't happen at the one that I went to
1270
+
1271
+ 318
1272
+ 00:13:21.240 --> 00:13:26.760
1273
+ wow it's called karma sauce yeah because
1274
+
1275
+ 319
1276
+ 00:13:24.180 --> 00:13:29.899
1277
+ it's [ __ ] hot mm-hmm
1278
+
1279
+ 320
1280
+ 00:13:26.760 --> 00:13:33.300
1281
+ oh Catherine Han would say [ __ ] hot
1282
+
1283
+ 321
1284
+ 00:13:29.899 --> 00:13:36.320
1285
+ did you really eat that I did I did I'm
1286
+
1287
+ 322
1288
+ 00:13:33.300 --> 00:13:42.139
1289
+ right along with you over here I know
1290
+
1291
+ 323
1292
+ 00:13:36.320 --> 00:13:42.139
1293
+ wow oh my God how fun
1294
+
1295
+ 324
1296
+ 00:13:42.400 --> 00:13:46.380
1297
+ [Music]
1298
+
1299
+ 325
1300
+ 00:13:44.519 --> 00:13:47.760
1301
+ I'm gonna stay so positive you're not
1302
+
1303
+ 326
1304
+ 00:13:46.380 --> 00:13:49.440
1305
+ even gonna know what
1306
+
1307
+ 327
1308
+ 00:13:47.760 --> 00:13:50.839
1309
+ how that happens
1310
+
1311
+ 328
1312
+ 00:13:49.440 --> 00:13:53.339
1313
+ okay
1314
+
1315
+ 329
1316
+ 00:13:50.839 --> 00:13:55.440
1317
+ so we had your How to Lose a Guy in
1318
+
1319
+ 330
1320
+ 00:13:53.339 --> 00:13:57.839
1321
+ Fool's Gold co-star Matthew McConaughey
1322
+
1323
+ 331
1324
+ 00:13:55.440 --> 00:14:00.899
1325
+ on the show oh how is he with this am I
1326
+
1327
+ 332
1328
+ 00:13:57.839 --> 00:14:04.040
1329
+ beating him you are you're doing it all
1330
+
1331
+ 333
1332
+ 00:14:00.899 --> 00:14:07.019
1333
+ I care about I want to take Matthew down
1334
+
1335
+ 334
1336
+ 00:14:04.040 --> 00:14:09.000
1337
+ on this one no I bet he was great he
1338
+
1339
+ 335
1340
+ 00:14:07.019 --> 00:14:11.100
1341
+ talked about the Hallmarks of a good
1342
+
1343
+ 336
1344
+ 00:14:09.000 --> 00:14:13.260
1345
+ romantic Colony what to you
1346
+
1347
+ 337
1348
+ 00:14:11.100 --> 00:14:15.440
1349
+ distinguishes a good rom-com from a
1350
+
1351
+ 338
1352
+ 00:14:13.260 --> 00:14:18.120
1353
+ mediocre one
1354
+
1355
+ 339
1356
+ 00:14:15.440 --> 00:14:20.100
1357
+ an actually good story I mean let's
1358
+
1359
+ 340
1360
+ 00:14:18.120 --> 00:14:22.380
1361
+ start with that like I think that
1362
+
1363
+ 341
1364
+ 00:14:20.100 --> 00:14:23.600
1365
+ sometimes people think rom-coms are all
1366
+
1367
+ 342
1368
+ 00:14:22.380 --> 00:14:25.459
1369
+ about that kind of
1370
+
1371
+ 343
1372
+ 00:14:23.600 --> 00:14:28.040
1373
+ [Applause]
1374
+
1375
+ 344
1376
+ 00:14:25.459 --> 00:14:31.320
1377
+ the meek here
1378
+
1379
+ 345
1380
+ 00:14:28.040 --> 00:14:32.519
1381
+ hold on let's have a conversation like
1382
+
1383
+ 346
1384
+ 00:14:31.320 --> 00:14:33.600
1385
+ this
1386
+
1387
+ 347
1388
+ 00:14:32.519 --> 00:14:37.260
1389
+ um
1390
+
1391
+ 348
1392
+ 00:14:33.600 --> 00:14:39.480
1393
+ I feel like it's like
1394
+
1395
+ 349
1396
+ 00:14:37.260 --> 00:14:42.360
1397
+ um a great rom-com
1398
+
1399
+ 350
1400
+ 00:14:39.480 --> 00:14:45.300
1401
+ it's about meeting love discovering love
1402
+
1403
+ 351
1404
+ 00:14:42.360 --> 00:14:47.399
1405
+ falling in love love falling apart and
1406
+
1407
+ 352
1408
+ 00:14:45.300 --> 00:14:50.160
1409
+ then how you come back together that's a
1410
+
1411
+ 353
1412
+ 00:14:47.399 --> 00:14:51.959
1413
+ very traditional rom-com structure
1414
+
1415
+ 354
1416
+ 00:14:50.160 --> 00:14:53.339
1417
+ the ones that we love are like two movie
1418
+
1419
+ 355
1420
+ 00:14:51.959 --> 00:14:55.680
1421
+ stars
1422
+
1423
+ 356
1424
+ 00:14:53.339 --> 00:14:58.220
1425
+ and a love story and that you know that
1426
+
1427
+ 357
1428
+ 00:14:55.680 --> 00:15:01.980
1429
+ that they're shiny and they're bright
1430
+
1431
+ 358
1432
+ 00:14:58.220 --> 00:15:04.740
1433
+ and they are they they are it's like
1434
+
1435
+ 359
1436
+ 00:15:01.980 --> 00:15:06.420
1437
+ wish fulfillment and it's supposed to
1438
+
1439
+ 360
1440
+ 00:15:04.740 --> 00:15:08.279
1441
+ make you feel fuzzy
1442
+
1443
+ 361
1444
+ 00:15:06.420 --> 00:15:10.430
1445
+ and then they stay with you forever
1446
+
1447
+ 362
1448
+ 00:15:08.279 --> 00:15:11.699
1449
+ they're the most classic
1450
+
1451
+ 363
1452
+ 00:15:10.430 --> 00:15:13.079
1453
+ [Music]
1454
+
1455
+ 364
1456
+ 00:15:11.699 --> 00:15:14.519
1457
+ um but just because they're supposed to
1458
+
1459
+ 365
1460
+ 00:15:13.079 --> 00:15:17.459
1461
+ feel bright doesn't mean they need to
1462
+
1463
+ 366
1464
+ 00:15:14.519 --> 00:15:20.459
1465
+ look so bright so you know a lot of
1466
+
1467
+ 367
1468
+ 00:15:17.459 --> 00:15:21.959
1469
+ times I think that again the genre gets
1470
+
1471
+ 368
1472
+ 00:15:20.459 --> 00:15:24.180
1473
+ kind of dumbed down
1474
+
1475
+ 369
1476
+ 00:15:21.959 --> 00:15:27.000
1477
+ because they think they know
1478
+
1479
+ 370
1480
+ 00:15:24.180 --> 00:15:28.560
1481
+ and then the chemistry you know so I'm
1482
+
1483
+ 371
1484
+ 00:15:27.000 --> 00:15:30.899
1485
+ grateful that it was me and Matthew
1486
+
1487
+ 372
1488
+ 00:15:28.560 --> 00:15:35.060
1489
+ because he is a blast
1490
+
1491
+ 373
1492
+ 00:15:30.899 --> 00:15:35.060
1493
+ I feel like I'm really winning at this
1494
+
1495
+ 374
1496
+ 00:15:40.199 --> 00:15:47.160
1497
+ dissertation thank you and like it's the
1498
+
1499
+ 375
1500
+ 00:15:44.220 --> 00:15:50.040
1501
+ class I'm gonna be at NYU film school
1502
+
1503
+ 376
1504
+ 00:15:47.160 --> 00:15:54.440
1505
+ and when I'm 75
1506
+
1507
+ 377
1508
+ 00:15:50.040 --> 00:15:54.440
1509
+ I'll be uh the professor of rom-coms
1510
+
1511
+ 378
1512
+ 00:15:57.380 --> 00:16:02.060
1513
+ de bomb Beyond insanity
1514
+
1515
+ 379
1516
+ 00:16:06.280 --> 00:16:10.920
1517
+ [Music]
1518
+
1519
+ 380
1520
+ 00:16:07.920 --> 00:16:13.100
1521
+ and that's just kind of like immediately
1522
+
1523
+ 381
1524
+ 00:16:10.920 --> 00:16:13.100
1525
+ foreign
1526
+
1527
+ 382
1528
+ 00:16:15.380 --> 00:16:20.180
1529
+ wow it's a different level all together
1530
+
1531
+ 383
1532
+ 00:16:20.519 --> 00:16:23.600
1533
+ I'm so sad
1534
+
1535
+ 384
1536
+ 00:16:23.899 --> 00:16:29.459
1537
+ I've had three children
1538
+
1539
+ 385
1540
+ 00:16:27.600 --> 00:16:30.779
1541
+ that's crazy yeah and then just be
1542
+
1543
+ 386
1544
+ 00:16:29.459 --> 00:16:34.019
1545
+ careful around the eyes you know yeah
1546
+
1547
+ 387
1548
+ 00:16:30.779 --> 00:16:34.800
1549
+ you touch that yeah
1550
+
1551
+ 388
1552
+ 00:16:34.019 --> 00:16:37.320
1553
+ um
1554
+
1555
+ 389
1556
+ 00:16:34.800 --> 00:16:39.620
1557
+ what about my nose
1558
+
1559
+ 390
1560
+ 00:16:37.320 --> 00:16:39.620
1561
+ okay
1562
+
1563
+ 391
1564
+ 00:16:40.259 --> 00:16:45.320
1565
+ so we mentioned your beauty and wellness
1566
+
1567
+ 392
1568
+ 00:16:42.959 --> 00:16:48.839
1569
+ company in bloom in the intro
1570
+
1571
+ 393
1572
+ 00:16:45.320 --> 00:16:50.880
1573
+ for the uninitiated like me like what
1574
+
1575
+ 394
1576
+ 00:16:48.839 --> 00:16:52.500
1577
+ are adaptogens and nootropics like how
1578
+
1579
+ 395
1580
+ 00:16:50.880 --> 00:16:56.000
1581
+ would you even explain that to like a
1582
+
1583
+ 396
1584
+ 00:16:52.500 --> 00:16:56.000
1585
+ dummy like me right now
1586
+
1587
+ 397
1588
+ 00:16:56.399 --> 00:17:00.359
1589
+ wow
1590
+
1591
+ 398
1592
+ 00:16:57.200 --> 00:17:00.359
1593
+ [Music]
1594
+
1595
+ 399
1596
+ 00:17:00.500 --> 00:17:06.480
1597
+ this does this ever
1598
+
1599
+ 400
1600
+ 00:17:03.380 --> 00:17:09.600
1601
+ does it end it does like
1602
+
1603
+ 401
1604
+ 00:17:06.480 --> 00:17:11.100
1605
+ oh immediately immediately like huh you
1606
+
1607
+ 402
1608
+ 00:17:09.600 --> 00:17:13.079
1609
+ know like as bad as you're feeling right
1610
+
1611
+ 403
1612
+ 00:17:11.100 --> 00:17:15.059
1613
+ now it's Just Gonna Get Easier from here
1614
+
1615
+ 404
1616
+ 00:17:13.079 --> 00:17:16.919
1617
+ you know what I mean like the worst is
1618
+
1619
+ 405
1620
+ 00:17:15.059 --> 00:17:18.600
1621
+ kind of over with every passing second
1622
+
1623
+ 406
1624
+ 00:17:16.919 --> 00:17:22.020
1625
+ wow
1626
+
1627
+ 407
1628
+ 00:17:18.600 --> 00:17:24.480
1629
+ you go up how do I look amazing amazing
1630
+
1631
+ 408
1632
+ 00:17:22.020 --> 00:17:26.720
1633
+ it's just like this is what I look like
1634
+
1635
+ 409
1636
+ 00:17:24.480 --> 00:17:29.820
1637
+ if we got in a fight
1638
+
1639
+ 410
1640
+ 00:17:26.720 --> 00:17:31.919
1641
+ I'm like it's okay it's okay
1642
+
1643
+ 411
1644
+ 00:17:29.820 --> 00:17:34.440
1645
+ let's say I'm hosting this show in 25
1646
+
1647
+ 412
1648
+ 00:17:31.919 --> 00:17:36.000
1649
+ years like is there a way for me to do
1650
+
1651
+ 413
1652
+ 00:17:34.440 --> 00:17:37.679
1653
+ this show but like I want to look like
1654
+
1655
+ 414
1656
+ 00:17:36.000 --> 00:17:39.600
1657
+ Rob Lowe you know what I mean when I'm
1658
+
1659
+ 415
1660
+ 00:17:37.679 --> 00:17:42.120
1661
+ doing it every man that's what I'm
1662
+
1663
+ 416
1664
+ 00:17:39.600 --> 00:17:43.740
1665
+ saying Rob Lowe
1666
+
1667
+ 417
1668
+ 00:17:42.120 --> 00:17:46.440
1669
+ well it depends on what you need and
1670
+
1671
+ 418
1672
+ 00:17:43.740 --> 00:17:49.860
1673
+ what you want the skin beauty Aura
1674
+
1675
+ 419
1676
+ 00:17:46.440 --> 00:17:51.780
1677
+ collagen we loaded it with vitamin C and
1678
+
1679
+ 420
1680
+ 00:17:49.860 --> 00:17:56.130
1681
+ that helps the collagen absorb
1682
+
1683
+ 421
1684
+ 00:17:51.780 --> 00:17:57.840
1685
+ the come down is interesting it's like
1686
+
1687
+ 422
1688
+ 00:17:56.130 --> 00:18:00.179
1689
+ [Music]
1690
+
1691
+ 423
1692
+ 00:17:57.840 --> 00:18:02.880
1693
+ a bad [ __ ]
1694
+
1695
+ 424
1696
+ 00:18:00.179 --> 00:18:05.299
1697
+ you know not that I've ever had one
1698
+
1699
+ 425
1700
+ 00:18:02.880 --> 00:18:05.299
1701
+ son
1702
+
1703
+ 426
1704
+ 00:18:08.880 --> 00:18:11.840
1705
+ okay
1706
+
1707
+ 427
1708
+ 00:18:14.640 --> 00:18:17.539
1709
+ I'm going in
1710
+
1711
+ 428
1712
+ 00:18:18.000 --> 00:18:21.200
1713
+ [Music]
1714
+
1715
+ 429
1716
+ 00:18:23.120 --> 00:18:29.580
1717
+ okay
1718
+
1719
+ 430
1720
+ 00:18:25.940 --> 00:18:31.799
1721
+ yeah yeah here it comes
1722
+
1723
+ 431
1724
+ 00:18:29.580 --> 00:18:34.380
1725
+ but it's really nice right especially
1726
+
1727
+ 432
1728
+ 00:18:31.799 --> 00:18:35.820
1729
+ compared to the last one
1730
+
1731
+ 433
1732
+ 00:18:34.380 --> 00:18:37.620
1733
+ I feel like I can't feel anything
1734
+
1735
+ 434
1736
+ 00:18:35.820 --> 00:18:40.980
1737
+ anymore yeah you're not it's just all
1738
+
1739
+ 435
1740
+ 00:18:37.620 --> 00:18:43.200
1741
+ scorching is it just numb not right
1742
+
1743
+ 436
1744
+ 00:18:40.980 --> 00:18:44.520
1745
+ it's supposed to be getting worse you're
1746
+
1747
+ 437
1748
+ 00:18:43.200 --> 00:18:46.380
1749
+ good you're good don't take yourself out
1750
+
1751
+ 438
1752
+ 00:18:44.520 --> 00:18:48.620
1753
+ like as you've survived you're doing
1754
+
1755
+ 439
1756
+ 00:18:46.380 --> 00:18:48.620
1757
+ good
1758
+
1759
+ 440
1760
+ 00:18:49.740 --> 00:18:53.360
1761
+ I'm [ __ ] killing it you're crushing
1762
+
1763
+ 441
1764
+ 00:18:51.840 --> 00:18:55.500
1765
+ it I told you this whole time
1766
+
1767
+ 442
1768
+ 00:18:53.360 --> 00:18:57.240
1769
+ I know you are I know but you should be
1770
+
1771
+ 443
1772
+ 00:18:55.500 --> 00:18:59.360
1773
+ very proud you're so brave coming in
1774
+
1775
+ 444
1776
+ 00:18:57.240 --> 00:19:02.220
1777
+ here thinking
1778
+
1779
+ 445
1780
+ 00:18:59.360 --> 00:19:03.480
1781
+ that's what you said you all but
1782
+
1783
+ 446
1784
+ 00:19:02.220 --> 00:19:04.799
1785
+ guaranteed it to me but here you are
1786
+
1787
+ 447
1788
+ 00:19:03.480 --> 00:19:06.900
1789
+ look at that
1790
+
1791
+ 448
1792
+ 00:19:04.799 --> 00:19:08.880
1793
+ it's on the sibling revelry podcast you
1794
+
1795
+ 449
1796
+ 00:19:06.900 --> 00:19:10.799
1797
+ and your brother Oliver explore sibling
1798
+
1799
+ 450
1800
+ 00:19:08.880 --> 00:19:13.620
1801
+ bonds and family Dynamics with other
1802
+
1803
+ 451
1804
+ 00:19:10.799 --> 00:19:15.840
1805
+ siblings and I actually hired my brother
1806
+
1807
+ 452
1808
+ 00:19:13.620 --> 00:19:17.580
1809
+ Gavin to help out with the research on
1810
+
1811
+ 453
1812
+ 00:19:15.840 --> 00:19:19.620
1813
+ this show do you have any foundational
1814
+
1815
+ 454
1816
+ 00:19:17.580 --> 00:19:21.840
1817
+ advice on how to maintain a working
1818
+
1819
+ 455
1820
+ 00:19:19.620 --> 00:19:24.440
1821
+ relationship with a sibling yeah don't
1822
+
1823
+ 456
1824
+ 00:19:21.840 --> 00:19:24.440
1825
+ work with them
1826
+
1827
+ 457
1828
+ 00:19:27.080 --> 00:19:34.200
1829
+ I honestly all on all like all like
1830
+
1831
+ 458
1832
+ 00:19:31.919 --> 00:19:36.360
1833
+ just now that I've
1834
+
1835
+ 459
1836
+ 00:19:34.200 --> 00:19:38.880
1837
+ buried your soul and yeah born again
1838
+
1839
+ 460
1840
+ 00:19:36.360 --> 00:19:40.559
1841
+ like opened up
1842
+
1843
+ 461
1844
+ 00:19:38.880 --> 00:19:42.600
1845
+ um
1846
+
1847
+ 462
1848
+ 00:19:40.559 --> 00:19:44.520
1849
+ it that has been one of the most
1850
+
1851
+ 463
1852
+ 00:19:42.600 --> 00:19:46.860
1853
+ rewarding working experiences I've ever
1854
+
1855
+ 464
1856
+ 00:19:44.520 --> 00:19:48.120
1857
+ had and I wouldn't
1858
+
1859
+ 465
1860
+ 00:19:46.860 --> 00:19:51.559
1861
+ oh just
1862
+
1863
+ 466
1864
+ 00:19:48.120 --> 00:19:51.559
1865
+ somehow regurgitated
1866
+
1867
+ 467
1868
+ 00:19:52.100 --> 00:19:55.280
1869
+ you know yeah
1870
+
1871
+ 468
1872
+ 00:19:55.980 --> 00:19:59.840
1873
+ and into your life yeah
1874
+
1875
+ 469
1876
+ 00:20:00.120 --> 00:20:03.360
1877
+ um
1878
+
1879
+ 470
1880
+ 00:20:01.080 --> 00:20:05.520
1881
+ you think you know your sibling those
1882
+
1883
+ 471
1884
+ 00:20:03.360 --> 00:20:08.520
1885
+ times I have with Oliver it's brought us
1886
+
1887
+ 472
1888
+ 00:20:05.520 --> 00:20:10.679
1889
+ so much closer I also
1890
+
1891
+ 473
1892
+ 00:20:08.520 --> 00:20:13.140
1893
+ find it really hard when you're
1894
+
1895
+ 474
1896
+ 00:20:10.679 --> 00:20:15.240
1897
+ interviewing people and they don't have
1898
+
1899
+ 475
1900
+ 00:20:13.140 --> 00:20:18.840
1901
+ that sibling relationship they have that
1902
+
1903
+ 476
1904
+ 00:20:15.240 --> 00:20:21.299
1905
+ fraught they long they long to be close
1906
+
1907
+ 477
1908
+ 00:20:18.840 --> 00:20:22.980
1909
+ to their sibling and even when they've
1910
+
1911
+ 478
1912
+ 00:20:21.299 --> 00:20:24.539
1913
+ had to heal it or even when they've had
1914
+
1915
+ 479
1916
+ 00:20:22.980 --> 00:20:26.100
1917
+ to realize that it's not good for them
1918
+
1919
+ 480
1920
+ 00:20:24.539 --> 00:20:28.380
1921
+ and they can't be in that relationship
1922
+
1923
+ 481
1924
+ 00:20:26.100 --> 00:20:30.240
1925
+ and they've had to heal that they still
1926
+
1927
+ 482
1928
+ 00:20:28.380 --> 00:20:31.679
1929
+ like write in and tell us how important
1930
+
1931
+ 483
1932
+ 00:20:30.240 --> 00:20:34.100
1933
+ it is for them to hear a good
1934
+
1935
+ 484
1936
+ 00:20:31.679 --> 00:20:38.100
1937
+ relationship with a sibling you know
1938
+
1939
+ 485
1940
+ 00:20:34.100 --> 00:20:40.559
1941
+ love that yeah oh [ __ ] what are you
1942
+
1943
+ 486
1944
+ 00:20:38.100 --> 00:20:42.270
1945
+ doing this is yours where is this going
1946
+
1947
+ 487
1948
+ 00:20:40.559 --> 00:20:46.010
1949
+ are you pouring it on yours
1950
+
1951
+ 488
1952
+ 00:20:42.270 --> 00:20:46.010
1953
+ [Music]
1954
+
1955
+ 489
1956
+ 00:20:46.700 --> 00:20:53.480
1957
+ the last dab the last day
1958
+
1959
+ 490
1960
+ 00:20:50.220 --> 00:20:53.480
1961
+ this is gonna be brutal
1962
+
1963
+ 491
1964
+ 00:20:55.980 --> 00:21:01.200
1965
+ blast tap
1966
+
1967
+ 492
1968
+ 00:20:58.520 --> 00:21:03.000
1969
+ is that too much no no that's good
1970
+
1971
+ 493
1972
+ 00:21:01.200 --> 00:21:05.280
1973
+ that's good that's good okay
1974
+
1975
+ 494
1976
+ 00:21:03.000 --> 00:21:08.340
1977
+ Cheers Cheers Kate cheers this has been
1978
+
1979
+ 495
1980
+ 00:21:05.280 --> 00:21:13.100
1981
+ an absolute pleasure and a blast knowing
1982
+
1983
+ 496
1984
+ 00:21:08.340 --> 00:21:13.100
1985
+ you my last bite my last meal
1986
+
1987
+ 497
1988
+ 00:21:19.860 --> 00:21:26.400
1989
+ I am what what is happening I'm amazed
1990
+
1991
+ 498
1992
+ 00:21:22.740 --> 00:21:28.679
1993
+ I'm aghast I'm humbled across the table
1994
+
1995
+ 499
1996
+ 00:21:26.400 --> 00:21:31.020
1997
+ all right Kate Hudson we've reached the
1998
+
1999
+ 500
2000
+ 00:21:28.679 --> 00:21:33.419
2001
+ end we are at the end I promise it is
2002
+
2003
+ 501
2004
+ 00:21:31.020 --> 00:21:35.340
2005
+ all almost over I know look at you what
2006
+
2007
+ 502
2008
+ 00:21:33.419 --> 00:21:37.620
2009
+ just happened you're no selling you're
2010
+
2011
+ 503
2012
+ 00:21:35.340 --> 00:21:40.260
2013
+ no selling the last dab are you so proud
2014
+
2015
+ 504
2016
+ 00:21:37.620 --> 00:21:43.080
2017
+ of me right now look at the big smile I
2018
+
2019
+ 505
2020
+ 00:21:40.260 --> 00:21:45.179
2021
+ can't believe this look at that smile
2022
+
2023
+ 506
2024
+ 00:21:43.080 --> 00:21:47.159
2025
+ I'm shocked at myself
2026
+
2027
+ 507
2028
+ 00:21:45.179 --> 00:21:48.960
2029
+ I'm not I knew you know when you said
2030
+
2031
+ 508
2032
+ 00:21:47.159 --> 00:21:50.760
2033
+ you couldn't I was here to say that you
2034
+
2035
+ 509
2036
+ 00:21:48.960 --> 00:21:52.799
2037
+ could and that you would right and it
2038
+
2039
+ 510
2040
+ 00:21:50.760 --> 00:21:55.080
2041
+ does kind of you know have that heat
2042
+
2043
+ 511
2044
+ 00:21:52.799 --> 00:21:57.120
2045
+ thing but you know what
2046
+
2047
+ 512
2048
+ 00:21:55.080 --> 00:21:59.220
2049
+ you've already eaten it you're it's done
2050
+
2051
+ 513
2052
+ 00:21:57.120 --> 00:22:00.960
2053
+ you've conquered the gauntlet and just
2054
+
2055
+ 514
2056
+ 00:21:59.220 --> 00:22:02.520
2057
+ one more little hurdle before we roll
2058
+
2059
+ 515
2060
+ 00:22:00.960 --> 00:22:04.140
2061
+ credits on this show there's quite close
2062
+
2063
+ 516
2064
+ 00:22:02.520 --> 00:22:06.059
2065
+ things out just a question I'm not gonna
2066
+
2067
+ 517
2068
+ 00:22:04.140 --> 00:22:08.159
2069
+ bring out any more wings okay but I want
2070
+
2071
+ 518
2072
+ 00:22:06.059 --> 00:22:09.840
2073
+ to close with a quote that you said
2074
+
2075
+ 519
2076
+ 00:22:08.159 --> 00:22:12.960
2077
+ about one of your most iconic characters
2078
+
2079
+ 520
2080
+ 00:22:09.840 --> 00:22:15.480
2081
+ Penny Lane from Almost Famous you said I
2082
+
2083
+ 521
2084
+ 00:22:12.960 --> 00:22:17.880
2085
+ like characters who can cry and laugh at
2086
+
2087
+ 522
2088
+ 00:22:15.480 --> 00:22:19.740
2089
+ the same time can you unpackage what you
2090
+
2091
+ 523
2092
+ 00:22:17.880 --> 00:22:22.440
2093
+ meant by that while your brain and mouth
2094
+
2095
+ 524
2096
+ 00:22:19.740 --> 00:22:24.960
2097
+ slow roast in hot sauce
2098
+
2099
+ 525
2100
+ 00:22:22.440 --> 00:22:26.159
2101
+ you mean what I did what I did on the
2102
+
2103
+ 526
2104
+ 00:22:24.960 --> 00:22:29.039
2105
+ show
2106
+
2107
+ 527
2108
+ 00:22:26.159 --> 00:22:30.120
2109
+ would you just witnessed
2110
+
2111
+ 528
2112
+ 00:22:29.039 --> 00:22:31.860
2113
+ um
2114
+
2115
+ 529
2116
+ 00:22:30.120 --> 00:22:33.000
2117
+ it's like life is beautiful
2118
+
2119
+ 530
2120
+ 00:22:31.860 --> 00:22:35.940
2121
+ favorite movie
2122
+
2123
+ 531
2124
+ 00:22:33.000 --> 00:22:37.679
2125
+ to be able to laugh through tragedy find
2126
+
2127
+ 532
2128
+ 00:22:35.940 --> 00:22:39.419
2129
+ that life force
2130
+
2131
+ 533
2132
+ 00:22:37.679 --> 00:22:41.220
2133
+ and sadness
2134
+
2135
+ 534
2136
+ 00:22:39.419 --> 00:22:43.440
2137
+ flaw's gold there's a c they're the
2138
+
2139
+ 535
2140
+ 00:22:41.220 --> 00:22:47.280
2141
+ beginning when you see me in Fool's Gold
2142
+
2143
+ 536
2144
+ 00:22:43.440 --> 00:22:49.080
2145
+ I'm I'm crying laughing in a mirror
2146
+
2147
+ 537
2148
+ 00:22:47.280 --> 00:22:51.120
2149
+ I'm kind of taking everything out and
2150
+
2151
+ 538
2152
+ 00:22:49.080 --> 00:22:52.320
2153
+ I'm doing it and like I couldn't wait to
2154
+
2155
+ 539
2156
+ 00:22:51.120 --> 00:22:55.500
2157
+ do that scene
2158
+
2159
+ 540
2160
+ 00:22:52.320 --> 00:22:57.480
2161
+ you know it's the it was challenging
2162
+
2163
+ 541
2164
+ 00:22:55.500 --> 00:22:59.220
2165
+ those aren't easy things to do and so
2166
+
2167
+ 542
2168
+ 00:22:57.480 --> 00:23:01.260
2169
+ that's fun as an actor when you get
2170
+
2171
+ 543
2172
+ 00:22:59.220 --> 00:23:05.700
2173
+ those opportunities
2174
+
2175
+ 544
2176
+ 00:23:01.260 --> 00:23:07.440
2177
+ well look at you Kate Hudson walked in
2178
+
2179
+ 545
2180
+ 00:23:05.700 --> 00:23:10.440
2181
+ here said I'm gonna be the worst guest
2182
+
2183
+ 546
2184
+ 00:23:07.440 --> 00:23:13.260
2185
+ you've ever had on the show walk out dab
2186
+
2187
+ 547
2188
+ 00:23:10.440 --> 00:23:15.720
2189
+ in the last wing and taking a bow no
2190
+
2191
+ 548
2192
+ 00:23:13.260 --> 00:23:17.640
2193
+ there's nothing left to do that carpet
2194
+
2195
+ 549
2196
+ 00:23:15.720 --> 00:23:19.080
2197
+ for you this camera this camera this
2198
+
2199
+ 550
2200
+ 00:23:17.640 --> 00:23:21.860
2201
+ camera let the people know what you have
2202
+
2203
+ 551
2204
+ 00:23:19.080 --> 00:23:21.860
2205
+ going on in your life
2206
+
2207
+ 552
2208
+ 00:23:23.880 --> 00:23:29.640
2209
+ um
2210
+
2211
+ 553
2212
+ 00:23:24.600 --> 00:23:32.760
2213
+ yes I am uh listen I hope you guys all
2214
+
2215
+ 554
2216
+ 00:23:29.640 --> 00:23:34.919
2217
+ saw the Glass Onion uh a Knives Out
2218
+
2219
+ 555
2220
+ 00:23:32.760 --> 00:23:36.600
2221
+ mystery in theaters this past weekend
2222
+
2223
+ 556
2224
+ 00:23:34.919 --> 00:23:38.940
2225
+ and week
2226
+
2227
+ 557
2228
+ 00:23:36.600 --> 00:23:42.539
2229
+ um but if you haven't it's coming out on
2230
+
2231
+ 558
2232
+ 00:23:38.940 --> 00:23:44.280
2233
+ Netflix December 23rd and I can't wait
2234
+
2235
+ 559
2236
+ 00:23:42.539 --> 00:23:46.640
2237
+ for you to see it because it's a total
2238
+
2239
+ 560
2240
+ 00:23:44.280 --> 00:23:46.640
2241
+ blast
2242
+
2243
+ 561
2244
+ 00:23:47.280 --> 00:23:49.980
2245
+ [Applause]
2246
+
2247
+ 562
2248
+ 00:23:48.419 --> 00:23:51.240
2249
+ it's so much fun
2250
+
2251
+ 563
2252
+ 00:23:49.980 --> 00:23:54.059
2253
+ [Applause]
2254
+
2255
+ 564
2256
+ 00:23:51.240 --> 00:23:56.539
2257
+ you did it I did it
2258
+
2259
+ 565
2260
+ 00:23:54.059 --> 00:23:58.340
2261
+ I can't believe it
2262
+
2263
+ 566
2264
+ 00:23:56.539 --> 00:24:00.600
2265
+ this is
2266
+
2267
+ 567
2268
+ 00:23:58.340 --> 00:24:03.120
2269
+ the only thing I'm ever gonna have
2270
+
2271
+ 568
2272
+ 00:24:00.600 --> 00:24:05.700
2273
+ bragging rights about it's like you know
2274
+
2275
+ 569
2276
+ 00:24:03.120 --> 00:24:06.720
2277
+ it's like this is it this is it I made
2278
+
2279
+ 570
2280
+ 00:24:05.700 --> 00:24:09.659
2281
+ it through
2282
+
2283
+ 571
2284
+ 00:24:06.720 --> 00:24:12.320
2285
+ can you believe it honey do you want to
2286
+
2287
+ 572
2288
+ 00:24:09.659 --> 00:24:12.320
2289
+ try the de bomb
2290
+
2291
+ 573
2292
+ 00:24:13.860 --> 00:24:17.280
2293
+ hey what's going on hot ones fans thank
2294
+
2295
+ 574
2296
+ 00:24:15.720 --> 00:24:19.380
2297
+ you so much for watching today's episode
2298
+
2299
+ 575
2300
+ 00:24:17.280 --> 00:24:21.240
2301
+ and I have an important announcement to
2302
+
2303
+ 576
2304
+ 00:24:19.380 --> 00:24:23.159
2305
+ all the mini spice Lords out there and
2306
+
2307
+ 577
2308
+ 00:24:21.240 --> 00:24:25.440
2309
+ those of us who like to just dabble on
2310
+
2311
+ 578
2312
+ 00:24:23.159 --> 00:24:27.720
2313
+ the fringes of spiced them say hello to
2314
+
2315
+ 579
2316
+ 00:24:25.440 --> 00:24:30.299
2317
+ our newest flavor from hot ones Jr it's
2318
+
2319
+ 580
2320
+ 00:24:27.720 --> 00:24:32.340
2321
+ the red the red takes things up a notch
2322
+
2323
+ 581
2324
+ 00:24:30.299 --> 00:24:34.080
2325
+ with ghost pepper and red carrot it
2326
+
2327
+ 582
2328
+ 00:24:32.340 --> 00:24:36.299
2329
+ brings a warming Zing to all of your
2330
+
2331
+ 583
2332
+ 00:24:34.080 --> 00:24:38.640
2333
+ favorite foods try it on gooey mac and
2334
+
2335
+ 584
2336
+ 00:24:36.299 --> 00:24:40.500
2337
+ cheese this winter and thank me later to
2338
+
2339
+ 585
2340
+ 00:24:38.640 --> 00:24:42.840
2341
+ get your hands on the hot ones junior
2342
+
2343
+ 586
2344
+ 00:24:40.500 --> 00:24:45.780
2345
+ family of sauces visit heatness.com
2346
+
2347
+ 587
2348
+ 00:24:42.840 --> 00:24:50.179
2349
+ that's heatness.com heatness.com red
2350
+
2351
+ 588
2352
+ 00:24:45.780 --> 00:24:50.179
2353
+ light yellow light green light go now
2354
+
transcripts/11.vtt ADDED
@@ -0,0 +1,2706 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:01.439 --> 00:00:08.180
5
+ oh I was waiting for this moment
6
+
7
+ 2
8
+ 00:00:04.860 --> 00:00:08.180
9
+ when I got the hiccups
10
+
11
+ 3
12
+ 00:00:09.590 --> 00:00:15.480
13
+ [Music]
14
+
15
+ 4
16
+ 00:00:13.860 --> 00:00:16.980
17
+ hey what's going on everybody for first
18
+
19
+ 5
20
+ 00:00:15.480 --> 00:00:18.779
21
+ week Feast I'm Sean Evans and you're
22
+
23
+ 6
24
+ 00:00:16.980 --> 00:00:20.460
25
+ watching hot ones it's the show with hot
26
+
27
+ 7
28
+ 00:00:18.779 --> 00:00:21.900
29
+ questions and even hotter wings and
30
+
31
+ 8
32
+ 00:00:20.460 --> 00:00:23.580
33
+ today we close out another season with
34
+
35
+ 9
36
+ 00:00:21.900 --> 00:00:24.900
37
+ Paul Dano he's an actor you know from
38
+
39
+ 10
40
+ 00:00:23.580 --> 00:00:26.220
41
+ acclaimed performances and films like
42
+
43
+ 11
44
+ 00:00:24.900 --> 00:00:27.599
45
+ the Batman Little Miss Sunshine
46
+
47
+ 12
48
+ 00:00:26.220 --> 00:00:29.279
49
+ prisoners There Will Be Blood and many
50
+
51
+ 13
52
+ 00:00:27.599 --> 00:00:31.019
53
+ more you can also catch him in his role
54
+
55
+ 14
56
+ 00:00:29.279 --> 00:00:32.640
57
+ as Burt fableman and Steven Spielberg's
58
+
59
+ 15
60
+ 00:00:31.019 --> 00:00:34.620
61
+ new semi-autobiographical film the
62
+
63
+ 16
64
+ 00:00:32.640 --> 00:00:37.200
65
+ fablements currently in theaters Paul
66
+
67
+ 17
68
+ 00:00:34.620 --> 00:00:39.780
69
+ Dano welcome to the show hey man how's
70
+
71
+ 18
72
+ 00:00:37.200 --> 00:00:41.760
73
+ it going uh it's going good I'm excited
74
+
75
+ 19
76
+ 00:00:39.780 --> 00:00:45.239
77
+ I'm nervous nervous how are you around
78
+
79
+ 20
80
+ 00:00:41.760 --> 00:00:47.460
81
+ spicy food before it started so I I like
82
+
83
+ 21
84
+ 00:00:45.239 --> 00:00:50.039
85
+ spicy food I like you know I like
86
+
87
+ 22
88
+ 00:00:47.460 --> 00:00:52.020
89
+ Szechuan food I like Indian food
90
+
91
+ 23
92
+ 00:00:50.039 --> 00:00:53.520
93
+ um I don't eat a lot of wings with hot
94
+
95
+ 24
96
+ 00:00:52.020 --> 00:00:54.960
97
+ sauce but you know I like spicy food
98
+
99
+ 25
100
+ 00:00:53.520 --> 00:00:57.059
101
+ okay I had to cut back a couple years
102
+
103
+ 26
104
+ 00:00:54.960 --> 00:00:58.860
105
+ ago I wasn't sleeping so well you know
106
+
107
+ 27
108
+ 00:00:57.059 --> 00:01:00.660
109
+ the doctor said maybe the less spicy
110
+
111
+ 28
112
+ 00:00:58.860 --> 00:01:02.280
113
+ food easier to cut back on a little
114
+
115
+ 29
116
+ 00:01:00.660 --> 00:01:04.739
117
+ spicy food than it was on the wine so
118
+
119
+ 30
120
+ 00:01:02.280 --> 00:01:09.680
121
+ right I chose to cut to cut back on the
122
+
123
+ 31
124
+ 00:01:04.739 --> 00:01:09.680
125
+ spice but uh you know I'm I'm curious
126
+
127
+ 32
128
+ 00:01:10.610 --> 00:01:21.119
129
+ [Music]
130
+
131
+ 33
132
+ 00:01:18.119 --> 00:01:21.119
133
+ foreign
134
+
135
+ 34
136
+ 00:01:27.050 --> 00:01:30.940
137
+ [Music]
138
+
139
+ 35
140
+ 00:01:33.170 --> 00:01:36.900
141
+ [Music]
142
+
143
+ 36
144
+ 00:01:34.700 --> 00:01:38.880
145
+ do you just take a bite or do you try to
146
+
147
+ 37
148
+ 00:01:36.900 --> 00:01:41.100
149
+ Chow the whole thing is there a is there
150
+
151
+ 38
152
+ 00:01:38.880 --> 00:01:42.720
153
+ a um are there rules of the game there
154
+
155
+ 39
156
+ 00:01:41.100 --> 00:01:44.460
157
+ you know what we're in the abstract over
158
+
159
+ 40
160
+ 00:01:42.720 --> 00:01:46.320
161
+ here there are no rules to the game but
162
+
163
+ 41
164
+ 00:01:44.460 --> 00:01:47.700
165
+ I kind of mirror the guess like wherever
166
+
167
+ 42
168
+ 00:01:46.320 --> 00:01:49.439
169
+ you go I try to match whatever
170
+
171
+ 43
172
+ 00:01:47.700 --> 00:01:50.939
173
+ experience you're bringing to this whole
174
+
175
+ 44
176
+ 00:01:49.439 --> 00:01:53.399
177
+ thing yeah yeah
178
+
179
+ 45
180
+ 00:01:50.939 --> 00:01:55.759
181
+ this is yummy this is nice yeah there we
182
+
183
+ 46
184
+ 00:01:53.399 --> 00:01:55.759
185
+ go yeah yeah
186
+
187
+ 47
188
+ 00:01:59.340 --> 00:02:03.479
189
+ imagine it was a uni singular experience
190
+
191
+ 48
192
+ 00:02:01.439 --> 00:02:05.340
193
+ for an actor to play Steven Spielberg's
194
+
195
+ 49
196
+ 00:02:03.479 --> 00:02:07.680
197
+ dad in a film directed by Steven
198
+
199
+ 50
200
+ 00:02:05.340 --> 00:02:09.599
201
+ Spielberg how did you sort through the
202
+
203
+ 51
204
+ 00:02:07.680 --> 00:02:11.280
205
+ metadness of that performance you know
206
+
207
+ 52
208
+ 00:02:09.599 --> 00:02:13.200
209
+ working alongside a filmmaker as they
210
+
211
+ 53
212
+ 00:02:11.280 --> 00:02:16.260
213
+ unpackaged their own life and artistic
214
+
215
+ 54
216
+ 00:02:13.200 --> 00:02:18.000
217
+ Ambitions to work with him in itself I I
218
+
219
+ 55
220
+ 00:02:16.260 --> 00:02:21.420
221
+ haven't been that nervous for a meeting
222
+
223
+ 56
224
+ 00:02:18.000 --> 00:02:22.860
225
+ in a long time and I remember my wife
226
+
227
+ 57
228
+ 00:02:21.420 --> 00:02:24.360
229
+ being like who are you meeting with you
230
+
231
+ 58
232
+ 00:02:22.860 --> 00:02:25.620
233
+ know why are you acting this way and I
234
+
235
+ 59
236
+ 00:02:24.360 --> 00:02:27.840
237
+ was like Steven Spielberg's just like
238
+
239
+ 60
240
+ 00:02:25.620 --> 00:02:29.940
241
+ okay and then he tells me what it's
242
+
243
+ 61
244
+ 00:02:27.840 --> 00:02:31.860
245
+ about in the first zoom and you know
246
+
247
+ 62
248
+ 00:02:29.940 --> 00:02:33.840
249
+ when I first met Stephen his dad in only
250
+
251
+ 63
252
+ 00:02:31.860 --> 00:02:35.640
253
+ past about eight months beforehand so
254
+
255
+ 64
256
+ 00:02:33.840 --> 00:02:37.680
257
+ you could really see in his
258
+
259
+ 65
260
+ 00:02:35.640 --> 00:02:40.800
261
+ in his eyes you know what he was talking
262
+
263
+ 66
264
+ 00:02:37.680 --> 00:02:42.720
265
+ about and that really kind of made me
266
+
267
+ 67
268
+ 00:02:40.800 --> 00:02:44.340
269
+ um you know made my heart sing I was
270
+
271
+ 68
272
+ 00:02:42.720 --> 00:02:47.040
273
+ like oh wow Steven's got a lot on the
274
+
275
+ 69
276
+ 00:02:44.340 --> 00:02:49.200
277
+ line here and he was an open book I mean
278
+
279
+ 70
280
+ 00:02:47.040 --> 00:02:51.300
281
+ the family archives were available to us
282
+
283
+ 71
284
+ 00:02:49.200 --> 00:02:52.860
285
+ home videos I mean photography you know
286
+
287
+ 72
288
+ 00:02:51.300 --> 00:02:55.739
289
+ it was insane to be sort of let into
290
+
291
+ 73
292
+ 00:02:52.860 --> 00:02:58.140
293
+ Stephen's heart and in his life in that
294
+
295
+ 74
296
+ 00:02:55.739 --> 00:02:59.819
297
+ way I told Stephen on the last night of
298
+
299
+ 75
300
+ 00:02:58.140 --> 00:03:02.580
301
+ filming would take me a few years yet to
302
+
303
+ 76
304
+ 00:02:59.819 --> 00:03:03.959
305
+ fully process you know what what we all
306
+
307
+ 77
308
+ 00:03:02.580 --> 00:03:05.819
309
+ just uh
310
+
311
+ 78
312
+ 00:03:03.959 --> 00:03:08.140
313
+ did together and that that he would ask
314
+
315
+ 79
316
+ 00:03:05.819 --> 00:03:12.920
317
+ me to play his dad you know
318
+
319
+ 80
320
+ 00:03:08.140 --> 00:03:15.780
321
+ [Music]
322
+
323
+ 81
324
+ 00:03:12.920 --> 00:03:18.000
325
+ it's yummy that's nice I can feel my you
326
+
327
+ 82
328
+ 00:03:15.780 --> 00:03:19.620
329
+ know so I sweat when I eat anything okay
330
+
331
+ 83
332
+ 00:03:18.000 --> 00:03:21.480
333
+ okay I think that's usually to do with
334
+
335
+ 84
336
+ 00:03:19.620 --> 00:03:22.860
337
+ like quantity and paste though so we're
338
+
339
+ 85
340
+ 00:03:21.480 --> 00:03:25.800
341
+ taking it easy
342
+
343
+ 86
344
+ 00:03:22.860 --> 00:03:27.900
345
+ I especially sweat when I eat spicy food
346
+
347
+ 87
348
+ 00:03:25.800 --> 00:03:29.940
349
+ so I'm curious curious where we'll go
350
+
351
+ 88
352
+ 00:03:27.900 --> 00:03:32.760
353
+ here because I just felt the like the
354
+
355
+ 89
356
+ 00:03:29.940 --> 00:03:34.410
357
+ Water Works before I had the scalp
358
+
359
+ 90
360
+ 00:03:32.760 --> 00:03:34.620
361
+ you know yeah
362
+
363
+ 91
364
+ 00:03:34.410 --> 00:03:35.640
365
+ [Music]
366
+
367
+ 92
368
+ 00:03:34.620 --> 00:03:37.800
369
+ um
370
+
371
+ 93
372
+ 00:03:35.640 --> 00:03:40.140
373
+ yeah it's happening it's happening yeah
374
+
375
+ 94
376
+ 00:03:37.800 --> 00:03:42.180
377
+ it's coming yeah so you've been at this
378
+
379
+ 95
380
+ 00:03:40.140 --> 00:03:44.099
381
+ for a long time beginning in adolescence
382
+
383
+ 96
384
+ 00:03:42.180 --> 00:03:45.780
385
+ beyond the Broadway stage with Inherit
386
+
387
+ 97
388
+ 00:03:44.099 --> 00:03:47.519
389
+ the Wind and then by the time you're 16
390
+
391
+ 98
392
+ 00:03:45.780 --> 00:03:50.099
393
+ years old when in an independent Spirit
394
+
395
+ 99
396
+ 00:03:47.519 --> 00:03:51.599
397
+ award for your performance and lie what
398
+
399
+ 100
400
+ 00:03:50.099 --> 00:03:53.819
401
+ influence did Paul Schrader's book
402
+
403
+ 101
404
+ 00:03:51.599 --> 00:03:55.739
405
+ transcendental style and film have on
406
+
407
+ 102
408
+ 00:03:53.819 --> 00:03:59.879
409
+ you at a young age
410
+
411
+ 103
412
+ 00:03:55.739 --> 00:04:03.720
413
+ okay all right nice
414
+
415
+ 104
416
+ 00:03:59.879 --> 00:04:04.620
417
+ so I grew up I think when I wanted to be
418
+
419
+ 105
420
+ 00:04:03.720 --> 00:04:06.000
421
+ an actor I think I thought it meant
422
+
423
+ 106
424
+ 00:04:04.620 --> 00:04:07.140
425
+ being on stage I grip in Manhattan where
426
+
427
+ 107
428
+ 00:04:06.000 --> 00:04:08.280
429
+ we are today
430
+
431
+ 108
432
+ 00:04:07.140 --> 00:04:09.540
433
+ so I remember going to the theater when
434
+
435
+ 109
436
+ 00:04:08.280 --> 00:04:10.920
437
+ I was a kid
438
+
439
+ 110
440
+ 00:04:09.540 --> 00:04:12.239
441
+ in the movies I liked I was obsessed
442
+
443
+ 111
444
+ 00:04:10.920 --> 00:04:14.459
445
+ with Jim Carrey when I was a kid but I'm
446
+
447
+ 112
448
+ 00:04:12.239 --> 00:04:16.260
449
+ not that you know but that was like you
450
+
451
+ 113
452
+ 00:04:14.459 --> 00:04:18.720
453
+ know I love Terminator 2 right and on
454
+
455
+ 114
456
+ 00:04:16.260 --> 00:04:21.239
457
+ Halloween but like I'm not you know so
458
+
459
+ 115
460
+ 00:04:18.720 --> 00:04:23.400
461
+ like I think Paul Schrader's book it
462
+
463
+ 116
464
+ 00:04:21.239 --> 00:04:25.199
465
+ really opened the door to foreign film
466
+
467
+ 117
468
+ 00:04:23.400 --> 00:04:27.240
469
+ which really just sort of opened the
470
+
471
+ 118
472
+ 00:04:25.199 --> 00:04:29.580
473
+ door to like becoming like a movie dork
474
+
475
+ 119
476
+ 00:04:27.240 --> 00:04:31.860
477
+ it opens up the language right like if
478
+
479
+ 120
480
+ 00:04:29.580 --> 00:04:34.500
481
+ you you know you you try different hot
482
+
483
+ 121
484
+ 00:04:31.860 --> 00:04:36.300
485
+ sauces and like the language of you know
486
+
487
+ 122
488
+ 00:04:34.500 --> 00:04:38.160
489
+ a hot sauce the whole world opens up
490
+
491
+ 123
492
+ 00:04:36.300 --> 00:04:39.720
493
+ right yeah yeah yeah so it's like just
494
+
495
+ 124
496
+ 00:04:38.160 --> 00:04:42.320
497
+ the more you know
498
+
499
+ 125
500
+ 00:04:39.720 --> 00:04:46.590
501
+ um you get around to I think the the the
502
+
503
+ 126
504
+ 00:04:42.320 --> 00:04:48.610
505
+ yeah uh the more fun it becomes
506
+
507
+ 127
508
+ 00:04:46.590 --> 00:04:50.699
509
+ [Laughter]
510
+
511
+ 128
512
+ 00:04:48.610 --> 00:04:52.800
513
+ [Music]
514
+
515
+ 129
516
+ 00:04:50.699 --> 00:04:55.350
517
+ this is the sauce you like I do like
518
+
519
+ 130
520
+ 00:04:52.800 --> 00:04:58.139
521
+ this one you like this one
522
+
523
+ 131
524
+ 00:04:55.350 --> 00:05:01.460
525
+ [Music]
526
+
527
+ 132
528
+ 00:04:58.139 --> 00:05:01.460
529
+ but do you like it the question
530
+
531
+ 133
532
+ 00:05:01.979 --> 00:05:05.880
533
+ it's good this is fun because you know
534
+
535
+ 134
536
+ 00:05:03.540 --> 00:05:06.960
537
+ it's really um you uh start feeling
538
+
539
+ 135
540
+ 00:05:05.880 --> 00:05:08.460
541
+ sparkly
542
+
543
+ 136
544
+ 00:05:06.960 --> 00:05:10.139
545
+ right it changes you like
546
+
547
+ 137
548
+ 00:05:08.460 --> 00:05:11.400
549
+ physiologically yeah you're going
550
+
551
+ 138
552
+ 00:05:10.139 --> 00:05:13.020
553
+ through it and it's already starting
554
+
555
+ 139
556
+ 00:05:11.400 --> 00:05:15.720
557
+ Paul it's already starting I feel
558
+
559
+ 140
560
+ 00:05:13.020 --> 00:05:17.520
561
+ sparkly yeah
562
+
563
+ 141
564
+ 00:05:15.720 --> 00:05:19.080
565
+ how did Nirvana is something in the way
566
+
567
+ 142
568
+ 00:05:17.520 --> 00:05:21.120
569
+ like shape your interpretation of the
570
+
571
+ 143
572
+ 00:05:19.080 --> 00:05:23.220
573
+ Riddler something in the way is a great
574
+
575
+ 144
576
+ 00:05:21.120 --> 00:05:25.979
577
+ song and I listen to a lot of Nirvana
578
+
579
+ 145
580
+ 00:05:23.220 --> 00:05:28.740
581
+ and but yeah that chorus for me was
582
+
583
+ 146
584
+ 00:05:25.979 --> 00:05:30.419
585
+ it's like what are we all trying to you
586
+
587
+ 147
588
+ 00:05:28.740 --> 00:05:31.740
589
+ know something in the way
590
+
591
+ 148
592
+ 00:05:30.419 --> 00:05:33.060
593
+ what are we all trying to get through
594
+
595
+ 149
596
+ 00:05:31.740 --> 00:05:34.979
597
+ you know
598
+
599
+ 150
600
+ 00:05:33.060 --> 00:05:37.199
601
+ um and I think it's about the two sides
602
+
603
+ 151
604
+ 00:05:34.979 --> 00:05:39.720
605
+ of trauma and one person had you know a
606
+
607
+ 152
608
+ 00:05:37.199 --> 00:05:43.860
609
+ little more resources to deal with their
610
+
611
+ 153
612
+ 00:05:39.720 --> 00:05:46.620
613
+ trauma Bruce Wayne and and my guy just
614
+
615
+ 154
616
+ 00:05:43.860 --> 00:05:49.800
617
+ didn't quite have you know
618
+
619
+ 155
620
+ 00:05:46.620 --> 00:05:51.360
621
+ um uh it didn't didn't have the nurture
622
+
623
+ 156
624
+ 00:05:49.800 --> 00:05:53.759
625
+ but you probably didn't didn't have the
626
+
627
+ 157
628
+ 00:05:51.360 --> 00:05:56.340
629
+ nature either if we're being real yeah
630
+
631
+ 158
632
+ 00:05:53.759 --> 00:05:57.600
633
+ yeah all right are you ready to move on
634
+
635
+ 159
636
+ 00:05:56.340 --> 00:06:00.180
637
+ here to Sauce number four you're doing
638
+
639
+ 160
640
+ 00:05:57.600 --> 00:06:04.160
641
+ great by the way this one is the Los
642
+
643
+ 161
644
+ 00:06:00.180 --> 00:06:04.160
645
+ Calientes Barbacoa okay
646
+
647
+ 162
648
+ 00:06:04.740 --> 00:06:07.460
649
+ hmm
650
+
651
+ 163
652
+ 00:06:07.680 --> 00:06:12.939
653
+ that weight was nice still crunching
654
+
655
+ 164
656
+ 00:06:09.720 --> 00:06:12.939
657
+ [Music]
658
+
659
+ 165
660
+ 00:06:14.400 --> 00:06:18.900
661
+ I like that one yeah so far these two
662
+
663
+ 166
664
+ 00:06:17.400 --> 00:06:20.400
665
+ are probably the ones I would take home
666
+
667
+ 167
668
+ 00:06:18.900 --> 00:06:22.680
669
+ of the floor I shouldn't say that we're
670
+
671
+ 168
672
+ 00:06:20.400 --> 00:06:25.139
673
+ not gonna no you know what though we're
674
+
675
+ 169
676
+ 00:06:22.680 --> 00:06:27.840
677
+ sending them all home with you anyway oh
678
+
679
+ 170
680
+ 00:06:25.139 --> 00:06:30.120
681
+ it's fantastic can't wait to have a
682
+
683
+ 171
684
+ 00:06:27.840 --> 00:06:32.160
685
+ couple friends over and sorry now you
686
+
687
+ 172
688
+ 00:06:30.120 --> 00:06:33.419
689
+ guys no you don't yeah you should have
690
+
691
+ 173
692
+ 00:06:32.160 --> 00:06:35.340
693
+ like a viewing party for your episode
694
+
695
+ 174
696
+ 00:06:33.419 --> 00:06:36.660
697
+ have the friends over and see how they
698
+
699
+ 175
700
+ 00:06:35.340 --> 00:06:38.639
701
+ match up you know to the control
702
+
703
+ 176
704
+ 00:06:36.660 --> 00:06:40.139
705
+ experiment with you on the show yeah
706
+
707
+ 177
708
+ 00:06:38.639 --> 00:06:41.699
709
+ yeah
710
+
711
+ 178
712
+ 00:06:40.139 --> 00:06:44.759
713
+ um okay yeah yeah so that one's growing
714
+
715
+ 179
716
+ 00:06:41.699 --> 00:06:46.440
717
+ still yeah yeah and who knows the
718
+
719
+ 180
720
+ 00:06:44.759 --> 00:06:48.240
721
+ cumulative effect that we have going on
722
+
723
+ 181
724
+ 00:06:46.440 --> 00:06:49.500
725
+ too you know who's to know yeah yeah you
726
+
727
+ 182
728
+ 00:06:48.240 --> 00:06:51.180
729
+ know what's going on yeah it's happening
730
+
731
+ 183
732
+ 00:06:49.500 --> 00:06:55.020
733
+ that's interesting though that one for
734
+
735
+ 184
736
+ 00:06:51.180 --> 00:06:57.300
737
+ me so far has the longest after not even
738
+
739
+ 185
740
+ 00:06:55.020 --> 00:06:59.460
741
+ the heat but just the taste just yeah
742
+
743
+ 186
744
+ 00:06:57.300 --> 00:07:01.380
745
+ the whole thing the trail it leaves the
746
+
747
+ 187
748
+ 00:06:59.460 --> 00:07:03.479
749
+ longest trail so far yeah
750
+
751
+ 188
752
+ 00:07:01.380 --> 00:07:05.220
753
+ so I love this quote of yours some
754
+
755
+ 189
756
+ 00:07:03.479 --> 00:07:07.020
757
+ characters lead from their chest or
758
+
759
+ 190
760
+ 00:07:05.220 --> 00:07:09.180
761
+ their head more or their dick more
762
+
763
+ 191
764
+ 00:07:07.020 --> 00:07:12.240
765
+ what's the difference or can you explain
766
+
767
+ 192
768
+ 00:07:09.180 --> 00:07:13.860
769
+ the difference between a character who
770
+
771
+ 193
772
+ 00:07:12.240 --> 00:07:15.900
773
+ would say lead with their chest versus
774
+
775
+ 194
776
+ 00:07:13.860 --> 00:07:18.120
777
+ one that would lead with their dick
778
+
779
+ 195
780
+ 00:07:15.900 --> 00:07:19.620
781
+ so right I mean well what do you how do
782
+
783
+ 196
784
+ 00:07:18.120 --> 00:07:22.080
785
+ you interpret if somebody leaves with
786
+
787
+ 197
788
+ 00:07:19.620 --> 00:07:23.400
789
+ their dick well so no really like you
790
+
791
+ 198
792
+ 00:07:22.080 --> 00:07:25.319
793
+ know yeah yeah I think it's I think it
794
+
795
+ 199
796
+ 00:07:23.400 --> 00:07:27.539
797
+ makes sense here's here's here's how it
798
+
799
+ 200
800
+ 00:07:25.319 --> 00:07:30.060
801
+ aligns for me actually so we had Cate
802
+
803
+ 201
804
+ 00:07:27.539 --> 00:07:31.500
805
+ Blanchett yeah earlier this year and she
806
+
807
+ 202
808
+ 00:07:30.060 --> 00:07:34.020
809
+ was talking about how when she played
810
+
811
+ 203
812
+ 00:07:31.500 --> 00:07:36.419
813
+ Bob Dylan the thing that snapped the
814
+
815
+ 204
816
+ 00:07:34.020 --> 00:07:38.340
817
+ character in focus for her was just
818
+
819
+ 205
820
+ 00:07:36.419 --> 00:07:40.259
821
+ putting like a heavy weighted sock
822
+
823
+ 206
824
+ 00:07:38.340 --> 00:07:41.759
825
+ between her legs yeah yeah yeah you know
826
+
827
+ 207
828
+ 00:07:40.259 --> 00:07:43.620
829
+ what I mean so it makes me think about
830
+
831
+ 208
832
+ 00:07:41.759 --> 00:07:46.020
833
+ it in ways in which these like sort of
834
+
835
+ 209
836
+ 00:07:43.620 --> 00:07:48.900
837
+ small things can like snap a character
838
+
839
+ 210
840
+ 00:07:46.020 --> 00:07:51.360
841
+ into place and then that had a direct
842
+
843
+ 211
844
+ 00:07:48.900 --> 00:07:53.400
845
+ dick connection and then I saw this
846
+
847
+ 212
848
+ 00:07:51.360 --> 00:07:54.720
849
+ quote and I was like oh I wonder what
850
+
851
+ 213
852
+ 00:07:53.400 --> 00:07:57.240
853
+ Paul's perspective on the whole thing is
854
+
855
+ 214
856
+ 00:07:54.720 --> 00:07:59.699
857
+ yeah no that's absolutely it I mean it's
858
+
859
+ 215
860
+ 00:07:57.240 --> 00:08:01.139
861
+ as simple as that it can be I mean and I
862
+
863
+ 216
864
+ 00:07:59.699 --> 00:08:02.880
865
+ think physical is even better because
866
+
867
+ 217
868
+ 00:08:01.139 --> 00:08:05.039
869
+ that kind of just gives it to you right
870
+
871
+ 218
872
+ 00:08:02.880 --> 00:08:06.840
873
+ it's like wearing different shoes makes
874
+
875
+ 219
876
+ 00:08:05.039 --> 00:08:08.940
877
+ me feel different right
878
+
879
+ 220
880
+ 00:08:06.840 --> 00:08:11.160
881
+ this film prisoners was very much about
882
+
883
+ 221
884
+ 00:08:08.940 --> 00:08:13.800
885
+ the opposite of that it was somebody who
886
+
887
+ 222
888
+ 00:08:11.160 --> 00:08:15.780
889
+ was frozen you know trauma in the past
890
+
891
+ 223
892
+ 00:08:13.800 --> 00:08:18.000
893
+ and so the body is
894
+
895
+ 224
896
+ 00:08:15.780 --> 00:08:22.560
897
+ you know he carried his stuff in his
898
+
899
+ 225
900
+ 00:08:18.000 --> 00:08:23.460
901
+ like up here more where somebody uh I
902
+
903
+ 226
904
+ 00:08:22.560 --> 00:08:24.960
905
+ don't know I think it makes sense
906
+
907
+ 227
908
+ 00:08:23.460 --> 00:08:26.639
909
+ without explaining it though no yeah
910
+
911
+ 228
912
+ 00:08:24.960 --> 00:08:28.080
913
+ yeah well you know it's a actor thing
914
+
915
+ 229
916
+ 00:08:26.639 --> 00:08:30.060
917
+ you know like it's a little bit in the
918
+
919
+ 230
920
+ 00:08:28.080 --> 00:08:32.820
921
+ abstract like you know it is and I guess
922
+
923
+ 231
924
+ 00:08:30.060 --> 00:08:34.020
925
+ that's why you you do it right because
926
+
927
+ 232
928
+ 00:08:32.820 --> 00:08:36.060
929
+ it's
930
+
931
+ 233
932
+ 00:08:34.020 --> 00:08:38.279
933
+ like it's just allowing some kind of
934
+
935
+ 234
936
+ 00:08:36.060 --> 00:08:40.380
937
+ little access that maybe is actually not
938
+
939
+ 235
940
+ 00:08:38.279 --> 00:08:43.260
941
+ meant to be like intellectualized and
942
+
943
+ 236
944
+ 00:08:40.380 --> 00:08:46.140
945
+ overly articulated it's more like oh
946
+
947
+ 237
948
+ 00:08:43.260 --> 00:08:47.760
949
+ like rather than look let's just go
950
+
951
+ 238
952
+ 00:08:46.140 --> 00:08:50.760
953
+ there to the to whatever physical
954
+
955
+ 239
956
+ 00:08:47.760 --> 00:08:53.040
957
+ component you know feels helpful
958
+
959
+ 240
960
+ 00:08:50.760 --> 00:08:55.080
961
+ makes sense to me yeah are you ready to
962
+
963
+ 241
964
+ 00:08:53.040 --> 00:08:57.360
965
+ move on here yeah you're at the halfway
966
+
967
+ 242
968
+ 00:08:55.080 --> 00:08:59.820
969
+ point already okay you're crushing it oh
970
+
971
+ 243
972
+ 00:08:57.360 --> 00:09:03.019
973
+ this one's Wiley yeah so it's oil-based
974
+
975
+ 244
976
+ 00:08:59.820 --> 00:09:03.019
977
+ sauce here with flyby J
978
+
979
+ 245
980
+ 00:09:04.620 --> 00:09:08.279
981
+ thank you
982
+
983
+ 246
984
+ 00:09:06.120 --> 00:09:11.279
985
+ foreign
986
+
987
+ 247
988
+ 00:09:08.279 --> 00:09:11.279
989
+ peppercorn
990
+
991
+ 248
992
+ 00:09:11.880 --> 00:09:15.779
993
+ when you get through oh yeah yeah when
994
+
995
+ 249
996
+ 00:09:13.740 --> 00:09:17.279
997
+ you get the real you know peppercorn
998
+
999
+ 250
1000
+ 00:09:15.779 --> 00:09:19.140
1001
+ that tongue thing that happens but this
1002
+
1003
+ 251
1004
+ 00:09:17.279 --> 00:09:21.720
1005
+ one and it's because the oil my lips are
1006
+
1007
+ 252
1008
+ 00:09:19.140 --> 00:09:23.580
1009
+ yeah you know feeling it
1010
+
1011
+ 253
1012
+ 00:09:21.720 --> 00:09:25.860
1013
+ where does performing you still believe
1014
+
1015
+ 254
1016
+ 00:09:23.580 --> 00:09:27.600
1017
+ in me alongside Al Jardine and Brian
1018
+
1019
+ 255
1020
+ 00:09:25.860 --> 00:09:29.580
1021
+ Wilson where does that fall on your list
1022
+
1023
+ 256
1024
+ 00:09:27.600 --> 00:09:31.920
1025
+ of musical accomplishments nice okay
1026
+
1027
+ 257
1028
+ 00:09:29.580 --> 00:09:33.300
1029
+ yeah that was pretty cool I mean I love
1030
+
1031
+ 258
1032
+ 00:09:31.920 --> 00:09:35.519
1033
+ that song I chose it they said what
1034
+
1035
+ 259
1036
+ 00:09:33.300 --> 00:09:37.980
1037
+ Sonia was singing for some reason that
1038
+
1039
+ 260
1040
+ 00:09:35.519 --> 00:09:39.360
1041
+ track really gets me I think it's the
1042
+
1043
+ 261
1044
+ 00:09:37.980 --> 00:09:41.640
1045
+ second track on Pet Sounds I don't know
1046
+
1047
+ 262
1048
+ 00:09:39.360 --> 00:09:43.260
1049
+ if I can remember this point but maybe
1050
+
1051
+ 263
1052
+ 00:09:41.640 --> 00:09:45.180
1053
+ my favorite experience I've had as an
1054
+
1055
+ 264
1056
+ 00:09:43.260 --> 00:09:46.920
1057
+ actor uh love and mercy and I think it's
1058
+
1059
+ 265
1060
+ 00:09:45.180 --> 00:09:48.899
1061
+ because of the music you know I was
1062
+
1063
+ 266
1064
+ 00:09:46.920 --> 00:09:51.180
1065
+ nervous but I think it went went well
1066
+
1067
+ 267
1068
+ 00:09:48.899 --> 00:09:54.300
1069
+ enough uh Brian was a super sweetie to
1070
+
1071
+ 268
1072
+ 00:09:51.180 --> 00:09:56.220
1073
+ me is it true that you met bong Joon ho
1074
+
1075
+ 269
1076
+ 00:09:54.300 --> 00:09:57.720
1077
+ when he was jumping up and down in the
1078
+
1079
+ 270
1080
+ 00:09:56.220 --> 00:10:00.180
1081
+ crowd at a show that your band was
1082
+
1083
+ 271
1084
+ 00:09:57.720 --> 00:10:03.779
1085
+ performing at in Brooklyn
1086
+
1087
+ 272
1088
+ 00:10:00.180 --> 00:10:05.700
1089
+ uh actually yeah it is so so I was a big
1090
+
1091
+ 273
1092
+ 00:10:03.779 --> 00:10:07.019
1093
+ fan of his
1094
+
1095
+ 274
1096
+ 00:10:05.700 --> 00:10:09.920
1097
+ um he had a film called Memories of
1098
+
1099
+ 275
1100
+ 00:10:07.019 --> 00:10:12.000
1101
+ murder quite some time ago
1102
+
1103
+ 276
1104
+ 00:10:09.920 --> 00:10:15.120
1105
+ 2003 I can't remember the exact year
1106
+
1107
+ 277
1108
+ 00:10:12.000 --> 00:10:17.279
1109
+ it's incredible it's fine
1110
+
1111
+ 278
1112
+ 00:10:15.120 --> 00:10:18.899
1113
+ and then he was in New York to promote
1114
+
1115
+ 279
1116
+ 00:10:17.279 --> 00:10:22.200
1117
+ his film called mother so this is like
1118
+
1119
+ 280
1120
+ 00:10:18.899 --> 00:10:23.519
1121
+ 2008 2009 maybe 2010 and uh I had a
1122
+
1123
+ 281
1124
+ 00:10:22.200 --> 00:10:25.740
1125
+ friend who knew him
1126
+
1127
+ 282
1128
+ 00:10:23.519 --> 00:10:27.000
1129
+ and was at his screening and then they
1130
+
1131
+ 283
1132
+ 00:10:25.740 --> 00:10:29.820
1133
+ were like oh we're gonna go see Paul
1134
+
1135
+ 284
1136
+ 00:10:27.000 --> 00:10:31.920
1137
+ play afterwards and I was playing and I
1138
+
1139
+ 285
1140
+ 00:10:29.820 --> 00:10:33.240
1141
+ saw a large Korean man dancing in the
1142
+
1143
+ 286
1144
+ 00:10:31.920 --> 00:10:36.060
1145
+ back of the room
1146
+
1147
+ 287
1148
+ 00:10:33.240 --> 00:10:38.279
1149
+ and it turned out to be bong who I was a
1150
+
1151
+ 288
1152
+ 00:10:36.060 --> 00:10:40.140
1153
+ huge fan of and we got to hang out
1154
+
1155
+ 289
1156
+ 00:10:38.279 --> 00:10:41.880
1157
+ afterwards and then we started like a
1158
+
1159
+ 290
1160
+ 00:10:40.140 --> 00:10:43.680
1161
+ pen pal relationship
1162
+
1163
+ 291
1164
+ 00:10:41.880 --> 00:10:44.880
1165
+ and then eventually a few years later
1166
+
1167
+ 292
1168
+ 00:10:43.680 --> 00:10:46.680
1169
+ like we got together when he was in
1170
+
1171
+ 293
1172
+ 00:10:44.880 --> 00:10:49.260
1173
+ Brooklyn once and he showed me a drawing
1174
+
1175
+ 294
1176
+ 00:10:46.680 --> 00:10:51.899
1177
+ of a pig man this is gonna be this movie
1178
+
1179
+ 295
1180
+ 00:10:49.260 --> 00:10:54.899
1181
+ you know and I was like that just the
1182
+
1183
+ 296
1184
+ 00:10:51.899 --> 00:10:58.140
1185
+ drawing of the pig I was like that's
1186
+
1187
+ 297
1188
+ 00:10:54.899 --> 00:11:00.720
1189
+ you know I'm there like the I mean I was
1190
+
1191
+ 298
1192
+ 00:10:58.140 --> 00:11:04.019
1193
+ just like bawling in a pig like yeah
1194
+
1195
+ 299
1196
+ 00:11:00.720 --> 00:11:05.940
1197
+ like so yeah for sure you know
1198
+
1199
+ 300
1200
+ 00:11:04.019 --> 00:11:08.040
1201
+ um so yeah that's a that's a fun memory
1202
+
1203
+ 301
1204
+ 00:11:05.940 --> 00:11:10.800
1205
+ all right are you ready to move on here
1206
+
1207
+ 302
1208
+ 00:11:08.040 --> 00:11:12.540
1209
+ yeah to Sauce number six back half this
1210
+
1211
+ 303
1212
+ 00:11:10.800 --> 00:11:15.079
1213
+ is the turmeric bomb
1214
+
1215
+ 304
1216
+ 00:11:12.540 --> 00:11:15.079
1217
+ okay
1218
+
1219
+ 305
1220
+ 00:11:21.060 --> 00:11:24.959
1221
+ chocolate ghost pepper
1222
+
1223
+ 306
1224
+ 00:11:23.420 --> 00:11:27.540
1225
+ [Music]
1226
+
1227
+ 307
1228
+ 00:11:24.959 --> 00:11:30.300
1229
+ yeah that one's different yeah yeah okay
1230
+
1231
+ 308
1232
+ 00:11:27.540 --> 00:11:31.740
1233
+ and kind of another level you know yeah
1234
+
1235
+ 309
1236
+ 00:11:30.300 --> 00:11:33.360
1237
+ I'm definitely feeling on the back of
1238
+
1239
+ 310
1240
+ 00:11:31.740 --> 00:11:35.459
1241
+ the throat more mm-hmm yeah definitely
1242
+
1243
+ 311
1244
+ 00:11:33.360 --> 00:11:39.620
1245
+ and in the front scratcher the front too
1246
+
1247
+ 312
1248
+ 00:11:35.459 --> 00:11:42.120
1249
+ yeah from all sides you're getting warm
1250
+
1251
+ 313
1252
+ 00:11:39.620 --> 00:11:42.959
1253
+ yeah it's coming
1254
+
1255
+ 314
1256
+ 00:11:42.120 --> 00:11:44.760
1257
+ um
1258
+
1259
+ 315
1260
+ 00:11:42.959 --> 00:11:46.500
1261
+ this is more fun than I thought I'm like
1262
+
1263
+ 316
1264
+ 00:11:44.760 --> 00:11:49.500
1265
+ okay I mean I know we're gonna be
1266
+
1267
+ 317
1268
+ 00:11:46.500 --> 00:11:51.899
1269
+ hurting yeah but like okay
1270
+
1271
+ 318
1272
+ 00:11:49.500 --> 00:11:53.459
1273
+ so far it survived well it's fun to like
1274
+
1275
+ 319
1276
+ 00:11:51.899 --> 00:11:56.100
1277
+ really taste it right and not just have
1278
+
1279
+ 320
1280
+ 00:11:53.459 --> 00:11:57.420
1281
+ it be about me looking silly yeah yeah
1282
+
1283
+ 321
1284
+ 00:11:56.100 --> 00:11:59.519
1285
+ yeah
1286
+
1287
+ 322
1288
+ 00:11:57.420 --> 00:12:01.620
1289
+ so there's a really nice comment and the
1290
+
1291
+ 323
1292
+ 00:11:59.519 --> 00:12:03.540
1293
+ Paul Dano breaks down his most iconic
1294
+
1295
+ 324
1296
+ 00:12:01.620 --> 00:12:05.820
1297
+ character segment that you did for GQ
1298
+
1299
+ 325
1300
+ 00:12:03.540 --> 00:12:07.260
1301
+ which reads Paul Dano has one of the
1302
+
1303
+ 326
1304
+ 00:12:05.820 --> 00:12:08.579
1305
+ best curatorial instincts in the
1306
+
1307
+ 327
1308
+ 00:12:07.260 --> 00:12:09.899
1309
+ industry it's a good sign when you see
1310
+
1311
+ 328
1312
+ 00:12:08.579 --> 00:12:11.459
1313
+ his name on a poster not just because
1314
+
1315
+ 329
1316
+ 00:12:09.899 --> 00:12:13.200
1317
+ you know how crushed the performance but
1318
+
1319
+ 330
1320
+ 00:12:11.459 --> 00:12:15.180
1321
+ also because he picks the best movies to
1322
+
1323
+ 331
1324
+ 00:12:13.200 --> 00:12:16.800
1325
+ star in I know this question is a bit in
1326
+
1327
+ 332
1328
+ 00:12:15.180 --> 00:12:19.079
1329
+ the abstract but how would you best
1330
+
1331
+ 333
1332
+ 00:12:16.800 --> 00:12:22.140
1333
+ describe the science behind picking and
1334
+
1335
+ 334
1336
+ 00:12:19.079 --> 00:12:24.000
1337
+ sequencing roles for yourself
1338
+
1339
+ 335
1340
+ 00:12:22.140 --> 00:12:25.680
1341
+ well that's nice I didn't hear that
1342
+
1343
+ 336
1344
+ 00:12:24.000 --> 00:12:27.000
1345
+ before somebody said so somebody said
1346
+
1347
+ 337
1348
+ 00:12:25.680 --> 00:12:28.560
1349
+ that that's nice
1350
+
1351
+ 338
1352
+ 00:12:27.000 --> 00:12:30.120
1353
+ um
1354
+
1355
+ 339
1356
+ 00:12:28.560 --> 00:12:31.860
1357
+ I think I'm just always really gotten
1358
+
1359
+ 340
1360
+ 00:12:30.120 --> 00:12:33.660
1361
+ off though on like the whole thing
1362
+
1363
+ 341
1364
+ 00:12:31.860 --> 00:12:35.880
1365
+ meaning
1366
+
1367
+ 342
1368
+ 00:12:33.660 --> 00:12:39.240
1369
+ then it's not just about the character
1370
+
1371
+ 343
1372
+ 00:12:35.880 --> 00:12:40.620
1373
+ and not just about me but it's like who
1374
+
1375
+ 344
1376
+ 00:12:39.240 --> 00:12:43.019
1377
+ are you in it with what are you making
1378
+
1379
+ 345
1380
+ 00:12:40.620 --> 00:12:45.480
1381
+ and are you excited to like potentially
1382
+
1383
+ 346
1384
+ 00:12:43.019 --> 00:12:47.339
1385
+ see that but I do think even when I was
1386
+
1387
+ 347
1388
+ 00:12:45.480 --> 00:12:49.860
1389
+ younger I would probably lean towards
1390
+
1391
+ 348
1392
+ 00:12:47.339 --> 00:12:51.959
1393
+ frankly if maybe even a smaller part if
1394
+
1395
+ 349
1396
+ 00:12:49.860 --> 00:12:54.000
1397
+ I thought the thing was really
1398
+
1399
+ 350
1400
+ 00:12:51.959 --> 00:12:55.139
1401
+ and I don't know why except that that
1402
+
1403
+ 351
1404
+ 00:12:54.000 --> 00:12:57.420
1405
+ was me
1406
+
1407
+ 352
1408
+ 00:12:55.139 --> 00:13:00.120
1409
+ I don't know that it always felt good or
1410
+
1411
+ 353
1412
+ 00:12:57.420 --> 00:13:01.139
1413
+ sane or like a way to build a career or
1414
+
1415
+ 354
1416
+ 00:13:00.120 --> 00:13:03.240
1417
+ something
1418
+
1419
+ 355
1420
+ 00:13:01.139 --> 00:13:04.260
1421
+ so after doing the Batman first of all
1422
+
1423
+ 356
1424
+ 00:13:03.240 --> 00:13:05.820
1425
+ Stephen had asked me to do anything I
1426
+
1427
+ 357
1428
+ 00:13:04.260 --> 00:13:07.740
1429
+ would have done it but like the fact
1430
+
1431
+ 358
1432
+ 00:13:05.820 --> 00:13:08.760
1433
+ that Bert is so different from The
1434
+
1435
+ 359
1436
+ 00:13:07.740 --> 00:13:11.279
1437
+ Riddler
1438
+
1439
+ 360
1440
+ 00:13:08.760 --> 00:13:13.260
1441
+ it was like what I needed a gear shift
1442
+
1443
+ 361
1444
+ 00:13:11.279 --> 00:13:16.019
1445
+ yeah right like that's good for me it's
1446
+
1447
+ 362
1448
+ 00:13:13.260 --> 00:13:19.620
1449
+ like okay I've done this you know uh
1450
+
1451
+ 363
1452
+ 00:13:16.019 --> 00:13:22.560
1453
+ more operatic uh you know psycho thing
1454
+
1455
+ 364
1456
+ 00:13:19.620 --> 00:13:25.380
1457
+ and now this like really contained
1458
+
1459
+ 365
1460
+ 00:13:22.560 --> 00:13:28.440
1461
+ decent you know that I couldn't dream up
1462
+
1463
+ 366
1464
+ 00:13:25.380 --> 00:13:30.660
1465
+ like it just luckily worked out that way
1466
+
1467
+ 367
1468
+ 00:13:28.440 --> 00:13:31.800
1469
+ it's it's like uh I don't know if you
1470
+
1471
+ 368
1472
+ 00:13:30.660 --> 00:13:33.480
1473
+ get this sometimes you get this when I
1474
+
1475
+ 369
1476
+ 00:13:31.800 --> 00:13:36.180
1477
+ eat like a lot of sushi like really good
1478
+
1479
+ 370
1480
+ 00:13:33.480 --> 00:13:37.740
1481
+ raw fish yeah or there's like a
1482
+
1483
+ 371
1484
+ 00:13:36.180 --> 00:13:39.660
1485
+ slight High
1486
+
1487
+ 372
1488
+ 00:13:37.740 --> 00:13:41.459
1489
+ listen yeah yeah I almost think that's
1490
+
1491
+ 373
1492
+ 00:13:39.660 --> 00:13:43.200
1493
+ like why I'm still doing the show 1960
1494
+
1495
+ 374
1496
+ 00:13:41.459 --> 00:13:45.240
1497
+ yeah I'm like chasing the dragon with
1498
+
1499
+ 375
1500
+ 00:13:43.200 --> 00:13:46.980
1501
+ that kind of like hot sauce head high
1502
+
1503
+ 376
1504
+ 00:13:45.240 --> 00:13:48.560
1505
+ that you get yeah yeah yeah so that's
1506
+
1507
+ 377
1508
+ 00:13:46.980 --> 00:13:51.180
1509
+ that's what I was like get a little like
1510
+
1511
+ 378
1512
+ 00:13:48.560 --> 00:13:53.279
1513
+ this feeling yeah yeah it's kind of a
1514
+
1515
+ 379
1516
+ 00:13:51.180 --> 00:13:56.660
1517
+ Vibe yeah yeah that's good it feels nice
1518
+
1519
+ 380
1520
+ 00:13:53.279 --> 00:13:56.660
1521
+ it's really it's nice
1522
+
1523
+ 381
1524
+ 00:13:58.279 --> 00:14:03.420
1525
+ the cosmic disco good label
1526
+
1527
+ 382
1528
+ 00:14:02.220 --> 00:14:07.160
1529
+ wow
1530
+
1531
+ 383
1532
+ 00:14:03.420 --> 00:14:07.160
1533
+ once you've taken that breath
1534
+
1535
+ 384
1536
+ 00:14:12.720 --> 00:14:17.240
1537
+ I like your hand rub after every bite
1538
+
1539
+ 385
1540
+ 00:14:14.880 --> 00:14:19.920
1541
+ that you take no
1542
+
1543
+ 386
1544
+ 00:14:17.240 --> 00:14:22.139
1545
+ observe it I know but
1546
+
1547
+ 387
1548
+ 00:14:19.920 --> 00:14:24.779
1549
+ that's good that's getting that's
1550
+
1551
+ 388
1552
+ 00:14:22.139 --> 00:14:27.180
1553
+ getting somewhere yeah we're getting uh
1554
+
1555
+ 389
1556
+ 00:14:24.779 --> 00:14:28.459
1557
+ granular over here but yeah that's
1558
+
1559
+ 390
1560
+ 00:14:27.180 --> 00:14:31.200
1561
+ yeah
1562
+
1563
+ 391
1564
+ 00:14:28.459 --> 00:14:32.639
1565
+ it's getting good and I think like it's
1566
+
1567
+ 392
1568
+ 00:14:31.200 --> 00:14:34.920
1569
+ funny because I was kind of it has a
1570
+
1571
+ 393
1572
+ 00:14:32.639 --> 00:14:37.040
1573
+ sweetness up front yeah oh you gotta
1574
+
1575
+ 394
1576
+ 00:14:34.920 --> 00:14:37.040
1577
+ remember
1578
+
1579
+ 395
1580
+ 00:14:39.480 --> 00:14:43.440
1581
+ okay it's getting there yeah you kind of
1582
+
1583
+ 396
1584
+ 00:14:41.940 --> 00:14:45.060
1585
+ forget
1586
+
1587
+ 397
1588
+ 00:14:43.440 --> 00:14:46.620
1589
+ you kind of forget and then it has that
1590
+
1591
+ 398
1592
+ 00:14:45.060 --> 00:14:48.120
1593
+ sweetness up front so you almost like oh
1594
+
1595
+ 399
1596
+ 00:14:46.620 --> 00:14:49.680
1597
+ it does forget about it it's all in the
1598
+
1599
+ 400
1600
+ 00:14:48.120 --> 00:14:51.779
1601
+ back and then it's all the tip of my
1602
+
1603
+ 401
1604
+ 00:14:49.680 --> 00:14:53.579
1605
+ tongue is back loaded
1606
+
1607
+ 402
1608
+ 00:14:51.779 --> 00:14:55.320
1609
+ it's getting there
1610
+
1611
+ 403
1612
+ 00:14:53.579 --> 00:14:57.240
1613
+ so I've always been intrigued by an
1614
+
1615
+ 404
1616
+ 00:14:55.320 --> 00:14:58.980
1617
+ actor's transition to directing a leap
1618
+
1619
+ 405
1620
+ 00:14:57.240 --> 00:15:01.920
1621
+ that you made in 2018 with your
1622
+
1623
+ 406
1624
+ 00:14:58.980 --> 00:15:04.560
1625
+ directorial debut Wildlife how would you
1626
+
1627
+ 407
1628
+ 00:15:01.920 --> 00:15:06.120
1629
+ define like a good actor's director like
1630
+
1631
+ 408
1632
+ 00:15:04.560 --> 00:15:07.680
1633
+ are there qualities that you tried to
1634
+
1635
+ 409
1636
+ 00:15:06.120 --> 00:15:09.300
1637
+ absorb from directors that you enjoyed
1638
+
1639
+ 410
1640
+ 00:15:07.680 --> 00:15:10.620
1641
+ working with in the past to help inform
1642
+
1643
+ 411
1644
+ 00:15:09.300 --> 00:15:12.839
1645
+ your approach when you took the seat
1646
+
1647
+ 412
1648
+ 00:15:10.620 --> 00:15:16.620
1649
+ yeah yeah yeah yeah yeah yeah you know
1650
+
1651
+ 413
1652
+ 00:15:12.839 --> 00:15:18.660
1653
+ for sure and that's uh yeah that's um
1654
+
1655
+ 414
1656
+ 00:15:16.620 --> 00:15:19.800
1657
+ uh that's one of the advantages as a
1658
+
1659
+ 415
1660
+ 00:15:18.660 --> 00:15:22.079
1661
+ quote first-time director that I really
1662
+
1663
+ 416
1664
+ 00:15:19.800 --> 00:15:23.940
1665
+ had right I've seen how people do it and
1666
+
1667
+ 417
1668
+ 00:15:22.079 --> 00:15:26.519
1669
+ you can take you know you take something
1670
+
1671
+ 418
1672
+ 00:15:23.940 --> 00:15:31.320
1673
+ for the road with you and you're like oh
1674
+
1675
+ 419
1676
+ 00:15:26.519 --> 00:15:33.300
1677
+ oh yeah that's it's tingly yeah yeah
1678
+
1679
+ 420
1680
+ 00:15:31.320 --> 00:15:34.560
1681
+ um I think one of the things I was most
1682
+
1683
+ 421
1684
+ 00:15:33.300 --> 00:15:36.360
1685
+ looking forward to about directing was
1686
+
1687
+ 422
1688
+ 00:15:34.560 --> 00:15:37.920
1689
+ creating like how I wanted my set to
1690
+
1691
+ 423
1692
+ 00:15:36.360 --> 00:15:39.000
1693
+ feel I always call it like a temperature
1694
+
1695
+ 424
1696
+ 00:15:37.920 --> 00:15:40.380
1697
+ like each set has a different
1698
+
1699
+ 425
1700
+ 00:15:39.000 --> 00:15:41.820
1701
+ temperature
1702
+
1703
+ 426
1704
+ 00:15:40.380 --> 00:15:43.980
1705
+ I really like when you walk from your
1706
+
1707
+ 427
1708
+ 00:15:41.820 --> 00:15:45.240
1709
+ trailer to A set and you can feel like
1710
+
1711
+ 428
1712
+ 00:15:43.980 --> 00:15:46.920
1713
+ the energy change you know maybe
1714
+
1715
+ 429
1716
+ 00:15:45.240 --> 00:15:48.660
1717
+ sometimes you bring that but I think
1718
+
1719
+ 430
1720
+ 00:15:46.920 --> 00:15:51.839
1721
+ with certain directors you know it's
1722
+
1723
+ 431
1724
+ 00:15:48.660 --> 00:15:54.540
1725
+ like uh and There Will Be Blood like you
1726
+
1727
+ 432
1728
+ 00:15:51.839 --> 00:15:56.279
1729
+ know that that set at a temperature and
1730
+
1731
+ 433
1732
+ 00:15:54.540 --> 00:15:59.040
1733
+ that's a good feeling
1734
+
1735
+ 434
1736
+ 00:15:56.279 --> 00:16:02.399
1737
+ and I mean I can feel my nose dripping I
1738
+
1739
+ 435
1740
+ 00:15:59.040 --> 00:16:05.339
1741
+ brought a book rag I brought my kids
1742
+
1743
+ 436
1744
+ 00:16:02.399 --> 00:16:06.660
1745
+ burp Rag and in case I needed it well
1746
+
1747
+ 437
1748
+ 00:16:05.339 --> 00:16:08.040
1749
+ it's a good thing you did apparently
1750
+
1751
+ 438
1752
+ 00:16:06.660 --> 00:16:10.380
1753
+ yeah okay
1754
+
1755
+ 439
1756
+ 00:16:08.040 --> 00:16:13.320
1757
+ and you might need it
1758
+
1759
+ 440
1760
+ 00:16:10.380 --> 00:16:15.120
1761
+ for this next one yeah which is the bomb
1762
+
1763
+ 441
1764
+ 00:16:13.320 --> 00:16:16.680
1765
+ Beyond Insanity homeless is here every
1766
+
1767
+ 442
1768
+ 00:16:15.120 --> 00:16:18.540
1769
+ year
1770
+
1771
+ 443
1772
+ 00:16:16.680 --> 00:16:20.940
1773
+ look how observant you are yeah every
1774
+
1775
+ 444
1776
+ 00:16:18.540 --> 00:16:24.300
1777
+ single year I kept it around yeah it's
1778
+
1779
+ 445
1780
+ 00:16:20.940 --> 00:16:26.339
1781
+ the one and you'll see why
1782
+
1783
+ 446
1784
+ 00:16:24.300 --> 00:16:28.820
1785
+ I know this is one of the ones that I
1786
+
1787
+ 447
1788
+ 00:16:26.339 --> 00:16:31.800
1789
+ want my uh beloved
1790
+
1791
+ 448
1792
+ 00:16:28.820 --> 00:16:33.180
1793
+ publicist over here to try right you
1794
+
1795
+ 449
1796
+ 00:16:31.800 --> 00:16:35.279
1797
+ know what that doesn't happen enough
1798
+
1799
+ 450
1800
+ 00:16:33.180 --> 00:16:37.980
1801
+ that doesn't happen enough when guests
1802
+
1803
+ 451
1804
+ 00:16:35.279 --> 00:16:40.579
1805
+ come in you know all right oh diamond
1806
+
1807
+ 452
1808
+ 00:16:37.980 --> 00:16:40.579
1809
+ right in
1810
+
1811
+ 453
1812
+ 00:16:44.240 --> 00:16:49.620
1813
+ okay that one's pretty good
1814
+
1815
+ 454
1816
+ 00:16:48.000 --> 00:16:52.519
1817
+ I mean
1818
+
1819
+ 455
1820
+ 00:16:49.620 --> 00:16:52.519
1821
+ wow
1822
+
1823
+ 456
1824
+ 00:16:53.240 --> 00:16:58.620
1825
+ there you go it's happening oh man you
1826
+
1827
+ 457
1828
+ 00:16:57.060 --> 00:17:00.060
1829
+ know we're talking about like the tails
1830
+
1831
+ 458
1832
+ 00:16:58.620 --> 00:17:03.380
1833
+ before like this one I feel like just
1834
+
1835
+ 459
1836
+ 00:17:00.060 --> 00:17:03.380
1837
+ leaves scorched Earth you know
1838
+
1839
+ 460
1840
+ 00:17:06.369 --> 00:17:10.260
1841
+ [Music]
1842
+
1843
+ 461
1844
+ 00:17:07.699 --> 00:17:13.520
1845
+ I was waiting for this moment
1846
+
1847
+ 462
1848
+ 00:17:10.260 --> 00:17:13.520
1849
+ when I got the hiccups
1850
+
1851
+ 463
1852
+ 00:17:23.179 --> 00:17:29.100
1853
+ oh I know I know
1854
+
1855
+ 464
1856
+ 00:17:26.579 --> 00:17:31.140
1857
+ so director bong Joon ho once joked that
1858
+
1859
+ 465
1860
+ 00:17:29.100 --> 00:17:32.940
1861
+ Korean movie audiences come to celebrate
1862
+
1863
+ 466
1864
+ 00:17:31.140 --> 00:17:35.520
1865
+ you for your strong chin and there are
1866
+
1867
+ 467
1868
+ 00:17:32.940 --> 00:17:37.860
1869
+ more than just a few viral Super Cuts
1870
+
1871
+ 468
1872
+ 00:17:35.520 --> 00:17:40.260
1873
+ with titles like Paul Dano gets beat up
1874
+
1875
+ 469
1876
+ 00:17:37.860 --> 00:17:41.940
1877
+ a lot what are the Hallmarks of a good
1878
+
1879
+ 470
1880
+ 00:17:40.260 --> 00:17:43.679
1881
+ fight sequence in your opinion like is
1882
+
1883
+ 471
1884
+ 00:17:41.940 --> 00:17:46.080
1885
+ there a real art to getting slapped
1886
+
1887
+ 472
1888
+ 00:17:43.679 --> 00:17:49.460
1889
+ around on camera
1890
+
1891
+ 473
1892
+ 00:17:46.080 --> 00:17:49.460
1893
+ this movie called night and day
1894
+
1895
+ 474
1896
+ 00:17:50.039 --> 00:17:54.720
1897
+ and Tom Cruise isn't it
1898
+
1899
+ 475
1900
+ 00:17:52.580 --> 00:17:56.940
1901
+ [Music]
1902
+
1903
+ 476
1904
+ 00:17:54.720 --> 00:17:59.640
1905
+ should we no
1906
+
1907
+ 477
1908
+ 00:17:56.940 --> 00:18:00.960
1909
+ no does it I mean you're the pro you and
1910
+
1911
+ 478
1912
+ 00:17:59.640 --> 00:18:02.460
1913
+ I want you said you were gonna mirror me
1914
+
1915
+ 479
1916
+ 00:18:00.960 --> 00:18:04.080
1917
+ you reached for this first you know what
1918
+
1919
+ 480
1920
+ 00:18:02.460 --> 00:18:06.160
1921
+ though I did it instinctively you know
1922
+
1923
+ 481
1924
+ 00:18:04.080 --> 00:18:09.439
1925
+ what I mean I did that yeah
1926
+
1927
+ 482
1928
+ 00:18:06.160 --> 00:18:09.439
1929
+ [Music]
1930
+
1931
+ 483
1932
+ 00:18:14.039 --> 00:18:18.360
1933
+ well that felt nice in the moment let's
1934
+
1935
+ 484
1936
+ 00:18:16.020 --> 00:18:21.559
1937
+ see we'll see what happens now because
1938
+
1939
+ 485
1940
+ 00:18:18.360 --> 00:18:27.179
1941
+ it's already coming back but okay
1942
+
1943
+ 486
1944
+ 00:18:21.559 --> 00:18:28.559
1945
+ so Cruz cruise we gotta talk about Crews
1946
+
1947
+ 487
1948
+ 00:18:27.179 --> 00:18:32.160
1949
+ so
1950
+
1951
+ 488
1952
+ 00:18:28.559 --> 00:18:34.799
1953
+ watching him do stunts was truly
1954
+
1955
+ 489
1956
+ 00:18:32.160 --> 00:18:36.840
1957
+ an informative moment because I saw
1958
+
1959
+ 490
1960
+ 00:18:34.799 --> 00:18:38.340
1961
+ how much he thought about what the
1962
+
1963
+ 491
1964
+ 00:18:36.840 --> 00:18:40.200
1965
+ audience is going to feel
1966
+
1967
+ 492
1968
+ 00:18:38.340 --> 00:18:41.220
1969
+ and literally the impact they're going
1970
+
1971
+ 493
1972
+ 00:18:40.200 --> 00:18:43.740
1973
+ to feel
1974
+
1975
+ 494
1976
+ 00:18:41.220 --> 00:18:45.179
1977
+ what is like felt and that's the beauty
1978
+
1979
+ 495
1980
+ 00:18:43.740 --> 00:18:48.179
1981
+ of those Mission Impossible movies right
1982
+
1983
+ 496
1984
+ 00:18:45.179 --> 00:18:50.520
1985
+ compared to the CGI Fest you feel those
1986
+
1987
+ 497
1988
+ 00:18:48.179 --> 00:18:52.380
1989
+ stunts right no even like Top Gun like
1990
+
1991
+ 498
1992
+ 00:18:50.520 --> 00:18:53.640
1993
+ him actually getting in the jet you know
1994
+
1995
+ 499
1996
+ 00:18:52.380 --> 00:18:56.580
1997
+ and flying that around I think it's
1998
+
1999
+ 500
2000
+ 00:18:53.640 --> 00:19:00.120
2001
+ fantastic like you feel it and he's
2002
+
2003
+ 501
2004
+ 00:18:56.580 --> 00:19:01.740
2005
+ working hard to give that to you
2006
+
2007
+ 502
2008
+ 00:19:00.120 --> 00:19:03.419
2009
+ so it's the first time I think I really
2010
+
2011
+ 503
2012
+ 00:19:01.740 --> 00:19:04.860
2013
+ because again I was probably I came more
2014
+
2015
+ 504
2016
+ 00:19:03.419 --> 00:19:06.900
2017
+ from like all right my first film was an
2018
+
2019
+ 505
2020
+ 00:19:04.860 --> 00:19:09.240
2021
+ indie drama like whatever like I was
2022
+
2023
+ 506
2024
+ 00:19:06.900 --> 00:19:11.880
2025
+ like okay like that's the art you know
2026
+
2027
+ 507
2028
+ 00:19:09.240 --> 00:19:13.860
2029
+ it's like whoa okay Cruise you know
2030
+
2031
+ 508
2032
+ 00:19:11.880 --> 00:19:16.260
2033
+ I mean I feel it on the outside of my
2034
+
2035
+ 509
2036
+ 00:19:13.860 --> 00:19:18.600
2037
+ mouth yeah where's uh where's the head
2038
+
2039
+ 510
2040
+ 00:19:16.260 --> 00:19:21.000
2041
+ high at at this point you know that's
2042
+
2043
+ 511
2044
+ 00:19:18.600 --> 00:19:23.580
2045
+ different yeah I think
2046
+
2047
+ 512
2048
+ 00:19:21.000 --> 00:19:24.539
2049
+ I think this one kind of grounded me a
2050
+
2051
+ 513
2052
+ 00:19:23.580 --> 00:19:27.480
2053
+ little bit
2054
+
2055
+ 514
2056
+ 00:19:24.539 --> 00:19:33.179
2057
+ and just kind of really was about the
2058
+
2059
+ 515
2060
+ 00:19:27.480 --> 00:19:33.179
2061
+ the the more physical physiology yeah
2062
+
2063
+ 516
2064
+ 00:19:33.280 --> 00:19:41.600
2065
+ [Music]
2066
+
2067
+ 517
2068
+ 00:19:38.460 --> 00:19:41.600
2069
+ so it gets worse
2070
+
2071
+ 518
2072
+ 00:19:42.299 --> 00:19:45.799
2073
+ let's see you need garlic
2074
+
2075
+ 519
2076
+ 00:19:48.720 --> 00:19:53.820
2077
+ Sean don't be afraid to wait there you
2078
+
2079
+ 520
2080
+ 00:19:50.460 --> 00:19:56.100
2081
+ go I'm waiting for you I don't mean to
2082
+
2083
+ 521
2084
+ 00:19:53.820 --> 00:19:57.960
2085
+ make yourself conscious about
2086
+
2087
+ 522
2088
+ 00:19:56.100 --> 00:19:59.160
2089
+ I'm right here with you right here with
2090
+
2091
+ 523
2092
+ 00:19:57.960 --> 00:20:00.419
2093
+ you
2094
+
2095
+ 524
2096
+ 00:19:59.160 --> 00:20:03.720
2097
+ oh
2098
+
2099
+ 525
2100
+ 00:20:00.419 --> 00:20:06.000
2101
+ yeah we got it we got it between films
2102
+
2103
+ 526
2104
+ 00:20:03.720 --> 00:20:08.160
2105
+ like okja and swiss army man what would
2106
+
2107
+ 527
2108
+ 00:20:06.000 --> 00:20:09.539
2109
+ you say is the seminal fart scene of
2110
+
2111
+ 528
2112
+ 00:20:08.160 --> 00:20:11.760
2113
+ your movie career there aren't many
2114
+
2115
+ 529
2116
+ 00:20:09.539 --> 00:20:13.620
2117
+ actors who can credibly answer Sean I've
2118
+
2119
+ 530
2120
+ 00:20:11.760 --> 00:20:16.200
2121
+ always been one of that to be asked this
2122
+
2123
+ 531
2124
+ 00:20:13.620 --> 00:20:18.299
2125
+ question when people say to me is there
2126
+
2127
+ 532
2128
+ 00:20:16.200 --> 00:20:21.240
2129
+ anything that we haven't asked that
2130
+
2131
+ 533
2132
+ 00:20:18.299 --> 00:20:23.160
2133
+ you'd like us to I always think
2134
+
2135
+ 534
2136
+ 00:20:21.240 --> 00:20:25.740
2137
+ wish they would ask me about
2138
+
2139
+ 535
2140
+ 00:20:23.160 --> 00:20:26.820
2141
+ what my most important fart on camera is
2142
+
2143
+ 536
2144
+ 00:20:25.740 --> 00:20:29.700
2145
+ yeah
2146
+
2147
+ 537
2148
+ 00:20:26.820 --> 00:20:31.260
2149
+ the opening of Swiss army man is
2150
+
2151
+ 538
2152
+ 00:20:29.700 --> 00:20:33.299
2153
+ definitely one of my favorite scenes
2154
+
2155
+ 539
2156
+ 00:20:31.260 --> 00:20:37.140
2157
+ that I've gotten to film
2158
+
2159
+ 540
2160
+ 00:20:33.299 --> 00:20:39.780
2161
+ you know the the intent was in the first
2162
+
2163
+ 541
2164
+ 00:20:37.140 --> 00:20:41.400
2165
+ fart make you laugh and the last fart
2166
+
2167
+ 542
2168
+ 00:20:39.780 --> 00:20:43.919
2169
+ make you cry
2170
+
2171
+ 543
2172
+ 00:20:41.400 --> 00:20:45.600
2173
+ and I thought my God
2174
+
2175
+ 544
2176
+ 00:20:43.919 --> 00:20:47.460
2177
+ we could do that now I don't know that
2178
+
2179
+ 545
2180
+ 00:20:45.600 --> 00:20:48.660
2181
+ we did but I thought well if you're
2182
+
2183
+ 546
2184
+ 00:20:47.460 --> 00:20:49.980
2185
+ going to work towards something in your
2186
+
2187
+ 547
2188
+ 00:20:48.660 --> 00:20:52.620
2189
+ life
2190
+
2191
+ 548
2192
+ 00:20:49.980 --> 00:20:55.200
2193
+ that's that's something to work towards
2194
+
2195
+ 549
2196
+ 00:20:52.620 --> 00:20:56.280
2197
+ now am I forgetting because you
2198
+
2199
+ 550
2200
+ 00:20:55.200 --> 00:20:58.440
2201
+ mentioned other things am I forgetting
2202
+
2203
+ 551
2204
+ 00:20:56.280 --> 00:20:59.400
2205
+ about other film filled film farts
2206
+
2207
+ 552
2208
+ 00:20:58.440 --> 00:21:00.360
2209
+ because of course the first thing I
2210
+
2211
+ 553
2212
+ 00:20:59.400 --> 00:21:01.799
2213
+ think of well you know what it's
2214
+
2215
+ 554
2216
+ 00:21:00.360 --> 00:21:03.960
2217
+ actually I do have a follow-up because
2218
+
2219
+ 555
2220
+ 00:21:01.799 --> 00:21:06.120
2221
+ you know I apologize for this line of
2222
+
2223
+ 556
2224
+ 00:21:03.960 --> 00:21:09.240
2225
+ question but in a 2007 interview with
2226
+
2227
+ 557
2228
+ 00:21:06.120 --> 00:21:12.059
2229
+ playbill you called your biggest onstage
2230
+
2231
+ 558
2232
+ 00:21:09.240 --> 00:21:14.940
2233
+ mishap a rather audible fart I let go
2234
+
2235
+ 559
2236
+ 00:21:12.059 --> 00:21:16.440
2237
+ but was able to use it in a scene do you
2238
+
2239
+ 560
2240
+ 00:21:14.940 --> 00:21:18.600
2241
+ happen to remember that production I
2242
+
2243
+ 561
2244
+ 00:21:16.440 --> 00:21:21.059
2245
+ mean it was a 15 year old interview Sean
2246
+
2247
+ 562
2248
+ 00:21:18.600 --> 00:21:24.059
2249
+ I just try to use you know what's
2250
+
2251
+ 563
2252
+ 00:21:21.059 --> 00:21:25.679
2253
+ happening in the moment you know uh but
2254
+
2255
+ 564
2256
+ 00:21:24.059 --> 00:21:27.900
2257
+ also like yeah that's fine I mean you
2258
+
2259
+ 565
2260
+ 00:21:25.679 --> 00:21:30.720
2261
+ know we I've got a four-year-old so
2262
+
2263
+ 566
2264
+ 00:21:27.900 --> 00:21:32.280
2265
+ tooting is a big point of humor in our
2266
+
2267
+ 567
2268
+ 00:21:30.720 --> 00:21:34.140
2269
+ house
2270
+
2271
+ 568
2272
+ 00:21:32.280 --> 00:21:35.640
2273
+ right you know it's like a through line
2274
+
2275
+ 569
2276
+ 00:21:34.140 --> 00:21:38.059
2277
+ you know you know it's followed you from
2278
+
2279
+ 570
2280
+ 00:21:35.640 --> 00:21:40.200
2281
+ your career to home yeah yeah yeah yeah
2282
+
2283
+ 571
2284
+ 00:21:38.059 --> 00:21:43.280
2285
+ where it belongs
2286
+
2287
+ 572
2288
+ 00:21:40.200 --> 00:21:43.280
2289
+ so this one you pour
2290
+
2291
+ 573
2292
+ 00:21:43.860 --> 00:21:49.200
2293
+ [Music]
2294
+
2295
+ 574
2296
+ 00:21:46.860 --> 00:21:51.240
2297
+ I think I got finish off my look though
2298
+
2299
+ 575
2300
+ 00:21:49.200 --> 00:21:53.780
2301
+ oh yeah she's got a whole oh they're
2302
+
2303
+ 576
2304
+ 00:21:51.240 --> 00:21:58.260
2305
+ sweating too much
2306
+
2307
+ 577
2308
+ 00:21:53.780 --> 00:22:02.100
2309
+ let's get it really okay
2310
+
2311
+ 578
2312
+ 00:21:58.260 --> 00:22:04.200
2313
+ all right extra sauce here we go so pour
2314
+
2315
+ 579
2316
+ 00:22:02.100 --> 00:22:06.000
2317
+ it on the wood that's what I do you know
2318
+
2319
+ 580
2320
+ 00:22:04.200 --> 00:22:07.700
2321
+ I've messed up going straight to Wing
2322
+
2323
+ 581
2324
+ 00:22:06.000 --> 00:22:10.980
2325
+ too many times
2326
+
2327
+ 582
2328
+ 00:22:07.700 --> 00:22:12.960
2329
+ okay I'm gonna dab that nice little
2330
+
2331
+ 583
2332
+ 00:22:10.980 --> 00:22:14.520
2333
+ that corner of the wing there and I
2334
+
2335
+ 584
2336
+ 00:22:12.960 --> 00:22:16.440
2337
+ guess we really go for it huh let's go
2338
+
2339
+ 585
2340
+ 00:22:14.520 --> 00:22:18.500
2341
+ for it you know it's the finale all
2342
+
2343
+ 586
2344
+ 00:22:16.440 --> 00:22:18.500
2345
+ right
2346
+
2347
+ 587
2348
+ 00:22:20.980 --> 00:22:28.140
2349
+ [Music]
2350
+
2351
+ 588
2352
+ 00:22:25.980 --> 00:22:29.820
2353
+ all right and then this one kind of nice
2354
+
2355
+ 589
2356
+ 00:22:28.140 --> 00:22:33.059
2357
+ up front little peppery a little bit
2358
+
2359
+ 590
2360
+ 00:22:29.820 --> 00:22:35.039
2361
+ weird but then nice long tail oh I have
2362
+
2363
+ 591
2364
+ 00:22:33.059 --> 00:22:37.980
2365
+ my time to lay it I know yeah yeah I
2366
+
2367
+ 592
2368
+ 00:22:35.039 --> 00:22:40.320
2369
+ know and again what's this it's I feel
2370
+
2371
+ 593
2372
+ 00:22:37.980 --> 00:22:43.020
2373
+ it on the outside of my face yeah yeah I
2374
+
2375
+ 594
2376
+ 00:22:40.320 --> 00:22:45.659
2377
+ have a full numbing of the lips yeah but
2378
+
2379
+ 595
2380
+ 00:22:43.020 --> 00:22:48.240
2381
+ somehow yeah we've made it through this
2382
+
2383
+ 596
2384
+ 00:22:45.659 --> 00:22:49.980
2385
+ winding spice journey together we've
2386
+
2387
+ 597
2388
+ 00:22:48.240 --> 00:22:53.100
2389
+ talked about your commitment to prep
2390
+
2391
+ 598
2392
+ 00:22:49.980 --> 00:22:55.620
2393
+ you're rigorous approach to every role
2394
+
2395
+ 599
2396
+ 00:22:53.100 --> 00:22:58.080
2397
+ but I imagine being an actor sometimes
2398
+
2399
+ 600
2400
+ 00:22:55.620 --> 00:23:00.120
2401
+ is like taking on the wings of death is
2402
+
2403
+ 601
2404
+ 00:22:58.080 --> 00:23:01.679
2405
+ analytical as much of a plan as you can
2406
+
2407
+ 602
2408
+ 00:23:00.120 --> 00:23:03.480
2409
+ have when it all comes down to it
2410
+
2411
+ 603
2412
+ 00:23:01.679 --> 00:23:06.480
2413
+ sometimes you just gotta jump in and
2414
+
2415
+ 604
2416
+ 00:23:03.480 --> 00:23:08.880
2417
+ take a bite throw caution to the wind
2418
+
2419
+ 605
2420
+ 00:23:06.480 --> 00:23:12.480
2421
+ so to close things out with your brain
2422
+
2423
+ 606
2424
+ 00:23:08.880 --> 00:23:15.059
2425
+ on fire your mouth Ablaze how much of
2426
+
2427
+ 607
2428
+ 00:23:12.480 --> 00:23:17.580
2429
+ the acting experience in your opinion is
2430
+
2431
+ 608
2432
+ 00:23:15.059 --> 00:23:19.919
2433
+ just being able to say [ __ ] it when the
2434
+
2435
+ 609
2436
+ 00:23:17.580 --> 00:23:22.620
2437
+ director says action oh that's great and
2438
+
2439
+ 610
2440
+ 00:23:19.919 --> 00:23:24.299
2441
+ you know what it's true like man
2442
+
2443
+ 611
2444
+ 00:23:22.620 --> 00:23:25.620
2445
+ I do not think the first thing I want to
2446
+
2447
+ 612
2448
+ 00:23:24.299 --> 00:23:26.760
2449
+ do is embarrass myself but you have to
2450
+
2451
+ 613
2452
+ 00:23:25.620 --> 00:23:28.740
2453
+ be willing to embarrass yourself it's
2454
+
2455
+ 614
2456
+ 00:23:26.760 --> 00:23:30.600
2457
+ just like you know it's like [ __ ] you
2458
+
2459
+ 615
2460
+ 00:23:28.740 --> 00:23:33.539
2461
+ just might embarrass yourself you really
2462
+
2463
+ 616
2464
+ 00:23:30.600 --> 00:23:34.440
2465
+ you know that's it and lesson learned I
2466
+
2467
+ 617
2468
+ 00:23:33.539 --> 00:23:37.320
2469
+ mean I've been doing this for a while
2470
+
2471
+ 618
2472
+ 00:23:34.440 --> 00:23:38.580
2473
+ and Steven's film last year there were
2474
+
2475
+ 619
2476
+ 00:23:37.320 --> 00:23:40.860
2477
+ times when
2478
+
2479
+ 620
2480
+ 00:23:38.580 --> 00:23:42.900
2481
+ I would just have to say
2482
+
2483
+ 621
2484
+ 00:23:40.860 --> 00:23:45.299
2485
+ I'm just gonna have to do it on actually
2486
+
2487
+ 622
2488
+ 00:23:42.900 --> 00:23:46.740
2489
+ you know like you know and and you just
2490
+
2491
+ 623
2492
+ 00:23:45.299 --> 00:23:48.000
2493
+ it's gonna come out you just have to
2494
+
2495
+ 624
2496
+ 00:23:46.740 --> 00:23:50.400
2497
+ trust you know because you do all this
2498
+
2499
+ 625
2500
+ 00:23:48.000 --> 00:23:52.080
2501
+ work some of that is I mean it's all
2502
+
2503
+ 626
2504
+ 00:23:50.400 --> 00:23:53.280
2505
+ going towards it some of it is frankly
2506
+
2507
+ 627
2508
+ 00:23:52.080 --> 00:23:56.760
2509
+ like you're just trying to build up a
2510
+
2511
+ 628
2512
+ 00:23:53.280 --> 00:23:58.500
2513
+ reservoir of stuff to let out but you
2514
+
2515
+ 629
2516
+ 00:23:56.760 --> 00:24:00.659
2517
+ you know confidence too it's like okay
2518
+
2519
+ 630
2520
+ 00:23:58.500 --> 00:24:02.220
2521
+ I'm Bert you know and whatever it takes
2522
+
2523
+ 631
2524
+ 00:24:00.659 --> 00:24:05.240
2525
+ for you to believe that
2526
+
2527
+ 632
2528
+ 00:24:02.220 --> 00:24:07.380
2529
+ but yeah you just kind of ultimately
2530
+
2531
+ 633
2532
+ 00:24:05.240 --> 00:24:10.440
2533
+ have to let go and it's taking me a long
2534
+
2535
+ 634
2536
+ 00:24:07.380 --> 00:24:12.179
2537
+ time to get to that place of of trusting
2538
+
2539
+ 635
2540
+ 00:24:10.440 --> 00:24:14.340
2541
+ like
2542
+
2543
+ 636
2544
+ 00:24:12.179 --> 00:24:16.260
2545
+ something will come out today Paul and
2546
+
2547
+ 637
2548
+ 00:24:14.340 --> 00:24:18.600
2549
+ let's go
2550
+
2551
+ 638
2552
+ 00:24:16.260 --> 00:24:20.940
2553
+ let's go hopefully let it out let it
2554
+
2555
+ 639
2556
+ 00:24:18.600 --> 00:24:24.539
2557
+ happen and you know what something was
2558
+
2559
+ 640
2560
+ 00:24:20.940 --> 00:24:27.120
2561
+ let out today oh coming in here taking
2562
+
2563
+ 641
2564
+ 00:24:24.539 --> 00:24:29.760
2565
+ on the hot ones Gauntlet and putting an
2566
+
2567
+ 642
2568
+ 00:24:27.120 --> 00:24:31.140
2569
+ exclamation point on season 19. now
2570
+
2571
+ 643
2572
+ 00:24:29.760 --> 00:24:32.820
2573
+ there's nothing left to do but roll out
2574
+
2575
+ 644
2576
+ 00:24:31.140 --> 00:24:34.380
2577
+ the red carpet for you this camera this
2578
+
2579
+ 645
2580
+ 00:24:32.820 --> 00:24:36.480
2581
+ camera this camera let the people know
2582
+
2583
+ 646
2584
+ 00:24:34.380 --> 00:24:38.700
2585
+ what you have going on in your life
2586
+
2587
+ 647
2588
+ 00:24:36.480 --> 00:24:40.440
2589
+ like like in my life right now like Paul
2590
+
2591
+ 648
2592
+ 00:24:38.700 --> 00:24:45.480
2593
+ personally or like movies and stuff yeah
2594
+
2595
+ 649
2596
+ 00:24:40.440 --> 00:24:48.179
2597
+ okay I got a baby uh uh uh no uh yeah
2598
+
2599
+ 650
2600
+ 00:24:45.480 --> 00:24:49.799
2601
+ yeah see the I mean the fableness man I
2602
+
2603
+ 651
2604
+ 00:24:48.179 --> 00:24:51.659
2605
+ think Stevens is I think it's really
2606
+
2607
+ 652
2608
+ 00:24:49.799 --> 00:24:55.820
2609
+ good I really like it I think I think
2610
+
2611
+ 653
2612
+ 00:24:51.659 --> 00:24:55.820
2613
+ you should check it out that's it
2614
+
2615
+ 654
2616
+ 00:24:57.260 --> 00:25:01.500
2617
+ good job all right I'm gonna have
2618
+
2619
+ 655
2620
+ 00:24:59.760 --> 00:25:03.740
2621
+ another sip of this yeah
2622
+
2623
+ 656
2624
+ 00:25:01.500 --> 00:25:06.299
2625
+ really fun good and good questions
2626
+
2627
+ 657
2628
+ 00:25:03.740 --> 00:25:08.539
2629
+ thorough I like it you get people in a
2630
+
2631
+ 658
2632
+ 00:25:06.299 --> 00:25:11.039
2633
+ vulnerable place and ask a real question
2634
+
2635
+ 659
2636
+ 00:25:08.539 --> 00:25:11.910
2637
+ I try to try to get something out of me
2638
+
2639
+ 660
2640
+ 00:25:11.039 --> 00:25:17.640
2641
+ yeah
2642
+
2643
+ 661
2644
+ 00:25:11.910 --> 00:25:19.620
2645
+ [Music]
2646
+
2647
+ 662
2648
+ 00:25:17.640 --> 00:25:22.440
2649
+ thank you so much for watching today's
2650
+
2651
+ 663
2652
+ 00:25:19.620 --> 00:25:25.740
2653
+ video and hot ones fans I have a very
2654
+
2655
+ 664
2656
+ 00:25:22.440 --> 00:25:28.620
2657
+ exciting announcement the hot ones Shake
2658
+
2659
+ 665
2660
+ 00:25:25.740 --> 00:25:31.020
2661
+ Shack collab is finally here the hot
2662
+
2663
+ 666
2664
+ 00:25:28.620 --> 00:25:34.260
2665
+ ones cheese fries the hot ones Burger
2666
+
2667
+ 667
2668
+ 00:25:31.020 --> 00:25:36.779
2669
+ the hot ones chicken all made with a
2670
+
2671
+ 668
2672
+ 00:25:34.260 --> 00:25:39.779
2673
+ shack sauce that includes hot ones the
2674
+
2675
+ 669
2676
+ 00:25:36.779 --> 00:25:43.020
2677
+ classic along with the last dab it's
2678
+
2679
+ 670
2680
+ 00:25:39.779 --> 00:25:45.720
2681
+ very spicy it's very delicious and it's
2682
+
2683
+ 671
2684
+ 00:25:43.020 --> 00:25:47.460
2685
+ available for a limited time now through
2686
+
2687
+ 672
2688
+ 00:25:45.720 --> 00:25:49.440
2689
+ the end of the year at Shake Shacks
2690
+
2691
+ 673
2692
+ 00:25:47.460 --> 00:25:51.779
2693
+ Nationwide and via the Shake Shack app
2694
+
2695
+ 674
2696
+ 00:25:49.440 --> 00:25:55.039
2697
+ be careful around your eyes and don't
2698
+
2699
+ 675
2700
+ 00:25:51.779 --> 00:25:55.039
2701
+ forget to order a milkshake
2702
+
2703
+ 676
2704
+ 00:25:55.190 --> 00:25:58.660
2705
+ [Music]
2706
+
transcripts/12.vtt ADDED
@@ -0,0 +1,2366 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.000 --> 00:00:02.299
5
+ foreign
6
+
7
+ 2
8
+ 00:00:02.720 --> 00:00:07.500
9
+ might have been a mistake but you know
10
+
11
+ 3
12
+ 00:00:04.740 --> 00:00:08.450
13
+ what we're here you know
14
+
15
+ 4
16
+ 00:00:07.500 --> 00:00:12.250
17
+ all right
18
+
19
+ 5
20
+ 00:00:08.450 --> 00:00:12.250
21
+ [Music]
22
+
23
+ 6
24
+ 00:00:15.440 --> 00:00:19.380
25
+ hey what's going on everybody for first
26
+
27
+ 7
28
+ 00:00:17.820 --> 00:00:21.119
29
+ week Feast I'm Sean Evans and you're
30
+
31
+ 8
32
+ 00:00:19.380 --> 00:00:22.800
33
+ watching hot ones it's the show with hot
34
+
35
+ 9
36
+ 00:00:21.119 --> 00:00:24.600
37
+ questions and even hotter wings and
38
+
39
+ 10
40
+ 00:00:22.800 --> 00:00:25.980
41
+ today we're joined by Cole Bennett he's
42
+
43
+ 11
44
+ 00:00:24.600 --> 00:00:27.660
45
+ a music video director hip-hop
46
+
47
+ 12
48
+ 00:00:25.980 --> 00:00:29.760
49
+ tastemaker and The Man Behind lyrical
50
+
51
+ 13
52
+ 00:00:27.660 --> 00:00:31.260
53
+ lemonade multimedia Empire go check out
54
+
55
+ 14
56
+ 00:00:29.760 --> 00:00:32.880
57
+ his work with everyone from Eminem to
58
+
59
+ 15
60
+ 00:00:31.260 --> 00:00:35.040
61
+ post Malone and many more in the lyrical
62
+
63
+ 16
64
+ 00:00:32.880 --> 00:00:36.960
65
+ lemonade YouTube page with its casual 20
66
+
67
+ 17
68
+ 00:00:35.040 --> 00:00:39.059
69
+ million subscribers of which I'm proud
70
+
71
+ 18
72
+ 00:00:36.960 --> 00:00:41.040
73
+ to say I am one Cole Bennett welcome to
74
+
75
+ 19
76
+ 00:00:39.059 --> 00:00:43.260
77
+ the show thank you so much for having me
78
+
79
+ 20
80
+ 00:00:41.040 --> 00:00:46.020
81
+ how are you around spicy production oh
82
+
83
+ 21
84
+ 00:00:43.260 --> 00:00:48.780
85
+ well you deserve it thank you sir
86
+
87
+ 22
88
+ 00:00:46.020 --> 00:00:51.000
89
+ um I'm like really bad with spicy food I
90
+
91
+ 23
92
+ 00:00:48.780 --> 00:00:52.739
93
+ always thought you know one day if I
94
+
95
+ 24
96
+ 00:00:51.000 --> 00:00:55.920
97
+ ever do this interview like how bad it
98
+
99
+ 25
100
+ 00:00:52.739 --> 00:00:57.530
101
+ will be for me but I think that I think
102
+
103
+ 26
104
+ 00:00:55.920 --> 00:01:01.159
105
+ I think I'll be good
106
+
107
+ 27
108
+ 00:00:57.530 --> 00:01:01.159
109
+ [Music]
110
+
111
+ 28
112
+ 00:01:03.539 --> 00:01:26.940
113
+ foreign
114
+
115
+ 29
116
+ 00:01:04.800 --> 00:01:26.940
117
+ [Music]
118
+
119
+ 30
120
+ 00:01:30.670 --> 00:01:37.380
121
+ [Music]
122
+
123
+ 31
124
+ 00:01:35.579 --> 00:01:39.240
125
+ phenomenal
126
+
127
+ 32
128
+ 00:01:37.380 --> 00:01:41.340
129
+ so I've always had an appreciation for
130
+
131
+ 33
132
+ 00:01:39.240 --> 00:01:43.500
133
+ the impact of music videos from The Hype
134
+
135
+ 34
136
+ 00:01:41.340 --> 00:01:44.880
137
+ Williams big budget days to that Scrappy
138
+
139
+ 35
140
+ 00:01:43.500 --> 00:01:47.280
141
+ Time when you'd see premieres on
142
+
143
+ 36
144
+ 00:01:44.880 --> 00:01:49.680
145
+ notwright.com to you and what I would
146
+
147
+ 37
148
+ 00:01:47.280 --> 00:01:51.720
149
+ consider to be the most cohesive visual
150
+
151
+ 38
152
+ 00:01:49.680 --> 00:01:53.820
153
+ representation of today's Young rappers
154
+
155
+ 39
156
+ 00:01:51.720 --> 00:01:56.700
157
+ what role do you think that the music
158
+
159
+ 40
160
+ 00:01:53.820 --> 00:01:57.960
161
+ video plays in defining today's hip-hop
162
+
163
+ 41
164
+ 00:01:56.700 --> 00:01:59.460
165
+ era
166
+
167
+ 42
168
+ 00:01:57.960 --> 00:02:01.079
169
+ I think music videos are really
170
+
171
+ 43
172
+ 00:01:59.460 --> 00:02:04.380
173
+ important because
174
+
175
+ 44
176
+ 00:02:01.079 --> 00:02:08.220
177
+ um it pairs a visual experience with you
178
+
179
+ 45
180
+ 00:02:04.380 --> 00:02:11.039
181
+ know the song audio and um for me I like
182
+
183
+ 46
184
+ 00:02:08.220 --> 00:02:12.360
185
+ to always make sure that the video comes
186
+
187
+ 47
188
+ 00:02:11.039 --> 00:02:13.560
189
+ out with the song so your first time
190
+
191
+ 48
192
+ 00:02:12.360 --> 00:02:15.300
193
+ hearing that song is like this
194
+
195
+ 49
196
+ 00:02:13.560 --> 00:02:17.099
197
+ experience that you remember being
198
+
199
+ 50
200
+ 00:02:15.300 --> 00:02:18.360
201
+ attached to visually and I feel like
202
+
203
+ 51
204
+ 00:02:17.099 --> 00:02:20.640
205
+ music videos connected with an artist
206
+
207
+ 52
208
+ 00:02:18.360 --> 00:02:22.379
209
+ and uh you know they display their
210
+
211
+ 53
212
+ 00:02:20.640 --> 00:02:23.760
213
+ character and their personality and you
214
+
215
+ 54
216
+ 00:02:22.379 --> 00:02:26.340
217
+ can get fun and bring someone out of
218
+
219
+ 55
220
+ 00:02:23.760 --> 00:02:29.040
221
+ their typical world and um
222
+
223
+ 56
224
+ 00:02:26.340 --> 00:02:31.379
225
+ I think it's just uh it's it's a moment
226
+
227
+ 57
228
+ 00:02:29.040 --> 00:02:34.160
229
+ it's an experience and yeah I think it's
230
+
231
+ 58
232
+ 00:02:31.379 --> 00:02:34.160
233
+ super important
234
+
235
+ 59
236
+ 00:02:36.540 --> 00:02:41.420
237
+ that one wasn't bad at all I'm feeling
238
+
239
+ 60
240
+ 00:02:38.520 --> 00:02:41.420
241
+ like I could do this
242
+
243
+ 61
244
+ 00:02:42.720 --> 00:02:45.900
245
+ it's like many creatives I understand
246
+
247
+ 62
248
+ 00:02:44.040 --> 00:02:48.180
249
+ that your journey began by just doing
250
+
251
+ 63
252
+ 00:02:45.900 --> 00:02:50.340
253
+ grabbing a camera and making videos not
254
+
255
+ 64
256
+ 00:02:48.180 --> 00:02:52.560
257
+ necessarily drawing inspiration from any
258
+
259
+ 65
260
+ 00:02:50.340 --> 00:02:54.120
261
+ particular filmmaker but it feels humor
262
+
263
+ 66
264
+ 00:02:52.560 --> 00:02:55.739
265
+ me what I want to do is Bounce a series
266
+
267
+ 67
268
+ 00:02:54.120 --> 00:02:57.120
269
+ of quotes off of you from people who are
270
+
271
+ 68
272
+ 00:02:55.739 --> 00:02:58.980
273
+ widely considered to be some of the
274
+
275
+ 69
276
+ 00:02:57.120 --> 00:03:01.260
277
+ greatest rap music video directors ever
278
+
279
+ 70
280
+ 00:02:58.980 --> 00:03:02.879
281
+ and I'm just curious your reaction to
282
+
283
+ 71
284
+ 00:03:01.260 --> 00:03:05.340
285
+ them and whether or not they ring true
286
+
287
+ 72
288
+ 00:03:02.879 --> 00:03:07.739
289
+ to you okay absolutely so this first one
290
+
291
+ 73
292
+ 00:03:05.340 --> 00:03:09.660
293
+ is from Director X anytime I disagree
294
+
295
+ 74
296
+ 00:03:07.739 --> 00:03:12.000
297
+ with the artist when the project is done
298
+
299
+ 75
300
+ 00:03:09.660 --> 00:03:14.340
301
+ I found the artist to be right you know
302
+
303
+ 76
304
+ 00:03:12.000 --> 00:03:17.159
305
+ within reason I absolutely agree with
306
+
307
+ 77
308
+ 00:03:14.340 --> 00:03:19.080
309
+ that I agree with that because I'm often
310
+
311
+ 78
312
+ 00:03:17.159 --> 00:03:21.000
313
+ in the same situation where I think I
314
+
315
+ 79
316
+ 00:03:19.080 --> 00:03:23.159
317
+ have a really good idea and I might get
318
+
319
+ 80
320
+ 00:03:21.000 --> 00:03:24.599
321
+ a you know a little bit of pushback from
322
+
323
+ 81
324
+ 00:03:23.159 --> 00:03:26.220
325
+ the artists or maybe they may have an
326
+
327
+ 82
328
+ 00:03:24.599 --> 00:03:26.879
329
+ opposing idea they want to eat a little
330
+
331
+ 83
332
+ 00:03:26.220 --> 00:03:29.700
333
+ bit
334
+
335
+ 84
336
+ 00:03:26.879 --> 00:03:32.640
337
+ I think that's just like our creative
338
+
339
+ 85
340
+ 00:03:29.700 --> 00:03:34.440
341
+ um engine going but uh when we make
342
+
343
+ 86
344
+ 00:03:32.640 --> 00:03:35.940
345
+ these adjustments we notice that it
346
+
347
+ 87
348
+ 00:03:34.440 --> 00:03:38.580
349
+ actually does benefit the project and I
350
+
351
+ 88
352
+ 00:03:35.940 --> 00:03:40.379
353
+ think letting outside eyes in that are
354
+
355
+ 89
356
+ 00:03:38.580 --> 00:03:41.819
357
+ so attached to the project as well can
358
+
359
+ 90
360
+ 00:03:40.379 --> 00:03:43.500
361
+ be very beneficial so I'd agree with
362
+
363
+ 91
364
+ 00:03:41.819 --> 00:03:45.120
365
+ that all right up next from Hype
366
+
367
+ 92
368
+ 00:03:43.500 --> 00:03:47.400
369
+ Williams lighting helped me understand
370
+
371
+ 93
372
+ 00:03:45.120 --> 00:03:48.959
373
+ how I want to express myself the more I
374
+
375
+ 94
376
+ 00:03:47.400 --> 00:03:50.459
377
+ worked on it the more I realized I could
378
+
379
+ 95
380
+ 00:03:48.959 --> 00:03:53.879
381
+ control everything about what I was
382
+
383
+ 96
384
+ 00:03:50.459 --> 00:03:56.280
385
+ doing with color absolutely lighting uh
386
+
387
+ 97
388
+ 00:03:53.879 --> 00:03:59.159
389
+ can impact video more than we realize it
390
+
391
+ 98
392
+ 00:03:56.280 --> 00:04:02.400
393
+ can give so much uh feeling and texture
394
+
395
+ 99
396
+ 00:03:59.159 --> 00:04:04.140
397
+ that we we would never think of you know
398
+
399
+ 100
400
+ 00:04:02.400 --> 00:04:06.120
401
+ and then one more for you from Spike
402
+
403
+ 101
404
+ 00:04:04.140 --> 00:04:07.860
405
+ Jones I love when me and my friends
406
+
407
+ 102
408
+ 00:04:06.120 --> 00:04:09.780
409
+ don't know how to make something there's
410
+
411
+ 103
412
+ 00:04:07.860 --> 00:04:11.159
413
+ that risk of failure if it's guaranteed
414
+
415
+ 104
416
+ 00:04:09.780 --> 00:04:12.420
417
+ not to fail it's something you already
418
+
419
+ 105
420
+ 00:04:11.159 --> 00:04:14.340
421
+ know how to do
422
+
423
+ 106
424
+ 00:04:12.420 --> 00:04:15.900
425
+ you finished on a good one it's the best
426
+
427
+ 107
428
+ 00:04:14.340 --> 00:04:19.079
429
+ one I'd say
430
+
431
+ 108
432
+ 00:04:15.900 --> 00:04:20.579
433
+ everything I do is uh going into things
434
+
435
+ 109
436
+ 00:04:19.079 --> 00:04:22.260
437
+ um not knowing how it's gonna turn out
438
+
439
+ 110
440
+ 00:04:20.579 --> 00:04:23.520
441
+ and kind of shooting in the dark and
442
+
443
+ 111
444
+ 00:04:22.260 --> 00:04:25.800
445
+ hoping for the best and I think that
446
+
447
+ 112
448
+ 00:04:23.520 --> 00:04:27.060
449
+ that pushes us uh
450
+
451
+ 113
452
+ 00:04:25.800 --> 00:04:29.880
453
+ you know and it pushed our creative
454
+
455
+ 114
456
+ 00:04:27.060 --> 00:04:32.460
457
+ boundaries to levels that can make us
458
+
459
+ 115
460
+ 00:04:29.880 --> 00:04:34.570
461
+ excel in in many ways
462
+
463
+ 116
464
+ 00:04:32.460 --> 00:04:38.759
465
+ foreign
466
+
467
+ 117
468
+ 00:04:34.570 --> 00:04:38.759
469
+ [Music]
470
+
471
+ 118
472
+ 00:04:40.320 --> 00:04:45.180
473
+ starting to feel like a champ yeah you
474
+
475
+ 119
476
+ 00:04:42.840 --> 00:04:47.100
477
+ look like a champ champ I feel like I
478
+
479
+ 120
480
+ 00:04:45.180 --> 00:04:48.720
481
+ can't be phased
482
+
483
+ 121
484
+ 00:04:47.100 --> 00:04:50.280
485
+ someone illumination entertainment
486
+
487
+ 122
488
+ 00:04:48.720 --> 00:04:52.320
489
+ approached you to make a trailer for
490
+
491
+ 123
492
+ 00:04:50.280 --> 00:04:54.120
493
+ minions the rise of Gru what in the
494
+
495
+ 124
496
+ 00:04:52.320 --> 00:04:56.280
497
+ world was the process like for getting
498
+
499
+ 125
500
+ 00:04:54.120 --> 00:04:58.199
501
+ Executives on the level of universal to
502
+
503
+ 126
504
+ 00:04:56.280 --> 00:05:01.199
505
+ sign off on an artist like Yeet for the
506
+
507
+ 127
508
+ 00:04:58.199 --> 00:05:03.600
509
+ project it's quite the cultural win ah
510
+
511
+ 128
512
+ 00:05:01.199 --> 00:05:05.880
513
+ man it was quite the experience and a
514
+
515
+ 129
516
+ 00:05:03.600 --> 00:05:07.979
517
+ roller coaster to say the least but
518
+
519
+ 130
520
+ 00:05:05.880 --> 00:05:09.840
521
+ yeah so I had a few different artists
522
+
523
+ 131
524
+ 00:05:07.979 --> 00:05:11.699
525
+ lined up that were more PG and made more
526
+
527
+ 132
528
+ 00:05:09.840 --> 00:05:13.560
529
+ sense for this project and then I
530
+
531
+ 133
532
+ 00:05:11.699 --> 00:05:16.500
533
+ remember we were on a zoom something
534
+
535
+ 134
536
+ 00:05:13.560 --> 00:05:18.419
537
+ just downed over me I was like ye is the
538
+
539
+ 135
540
+ 00:05:16.500 --> 00:05:19.620
541
+ guy for this and I told him I was like
542
+
543
+ 136
544
+ 00:05:18.419 --> 00:05:21.720
545
+ look
546
+
547
+ 137
548
+ 00:05:19.620 --> 00:05:23.460
549
+ I have something to throw at you
550
+
551
+ 138
552
+ 00:05:21.720 --> 00:05:25.919
553
+ it's not what you're expecting
554
+
555
+ 139
556
+ 00:05:23.460 --> 00:05:27.479
557
+ um you know all of his music is you know
558
+
559
+ 140
560
+ 00:05:25.919 --> 00:05:29.820
561
+ centered around things that probably
562
+
563
+ 141
564
+ 00:05:27.479 --> 00:05:31.500
565
+ aren't fitting for this movie but
566
+
567
+ 142
568
+ 00:05:29.820 --> 00:05:33.600
569
+ I want to bring in this artist and have
570
+
571
+ 143
572
+ 00:05:31.500 --> 00:05:35.940
573
+ him make a song specific to the movie
574
+
575
+ 144
576
+ 00:05:33.600 --> 00:05:38.100
577
+ and I think could be a really just big
578
+
579
+ 145
580
+ 00:05:35.940 --> 00:05:39.479
581
+ moment um for the underground for the
582
+
583
+ 146
584
+ 00:05:38.100 --> 00:05:40.800
585
+ internet and just for the movie as a
586
+
587
+ 147
588
+ 00:05:39.479 --> 00:05:42.840
589
+ whole I think it's like the perfect
590
+
591
+ 148
592
+ 00:05:40.800 --> 00:05:45.000
593
+ storm and it's unexpected and I think it
594
+
595
+ 149
596
+ 00:05:42.840 --> 00:05:46.860
597
+ just shakes things up
598
+
599
+ 150
600
+ 00:05:45.000 --> 00:05:49.259
601
+ and I pitch it to him
602
+
603
+ 151
604
+ 00:05:46.860 --> 00:05:51.900
605
+ and I got man I really don't know like
606
+
607
+ 152
608
+ 00:05:49.259 --> 00:05:53.340
609
+ this is a big movie two days later they
610
+
611
+ 153
612
+ 00:05:51.900 --> 00:05:54.840
613
+ had reached back and they're like you
614
+
615
+ 154
616
+ 00:05:53.340 --> 00:05:57.600
617
+ know he thought about it and we talked
618
+
619
+ 155
620
+ 00:05:54.840 --> 00:05:58.979
621
+ to people we think it's genius and uh I
622
+
623
+ 156
624
+ 00:05:57.600 --> 00:06:00.180
625
+ am happy with how it went and it was
626
+
627
+ 157
628
+ 00:05:58.979 --> 00:06:02.280
629
+ really cool to see a trend kick off
630
+
631
+ 158
632
+ 00:06:00.180 --> 00:06:04.320
633
+ around this song In This Moment that
634
+
635
+ 159
636
+ 00:06:02.280 --> 00:06:06.000
637
+ actually motivated people going to the
638
+
639
+ 160
640
+ 00:06:04.320 --> 00:06:08.460
641
+ theaters because what more could you ask
642
+
643
+ 161
644
+ 00:06:06.000 --> 00:06:11.840
645
+ for so illumination and Universal we're
646
+
647
+ 162
648
+ 00:06:08.460 --> 00:06:14.699
649
+ very happy with that for sure
650
+
651
+ 163
652
+ 00:06:11.840 --> 00:06:16.800
653
+ thank you
654
+
655
+ 164
656
+ 00:06:14.699 --> 00:06:18.130
657
+ okay cool
658
+
659
+ 165
660
+ 00:06:16.800 --> 00:06:20.240
661
+ thank you
662
+
663
+ 166
664
+ 00:06:18.130 --> 00:06:23.100
665
+ [Music]
666
+
667
+ 167
668
+ 00:06:20.240 --> 00:06:25.620
669
+ going in you know I haven't eaten well I
670
+
671
+ 168
672
+ 00:06:23.100 --> 00:06:27.660
673
+ had pretzels and some butter
674
+
675
+ 169
676
+ 00:06:25.620 --> 00:06:29.340
677
+ a little half stick of butter
678
+
679
+ 170
680
+ 00:06:27.660 --> 00:06:32.880
681
+ a girl told me it would coat my stomach
682
+
683
+ 171
684
+ 00:06:29.340 --> 00:06:35.039
685
+ well so did that but um it's like my
686
+
687
+ 172
688
+ 00:06:32.880 --> 00:06:37.340
689
+ lunch is pretty good so far smacking
690
+
691
+ 173
692
+ 00:06:35.039 --> 00:06:37.340
693
+ yeah
694
+
695
+ 174
696
+ 00:06:39.199 --> 00:06:44.039
697
+ getting a little glossy yeah listen
698
+
699
+ 175
700
+ 00:06:41.340 --> 00:06:45.240
701
+ you're you're walking me on this uh on
702
+
703
+ 176
704
+ 00:06:44.039 --> 00:06:46.440
705
+ this journey here you know quite
706
+
707
+ 177
708
+ 00:06:45.240 --> 00:06:48.479
709
+ confident I'm just along for the ride
710
+
711
+ 178
712
+ 00:06:46.440 --> 00:06:50.460
713
+ Cole you're making me feel good about
714
+
715
+ 179
716
+ 00:06:48.479 --> 00:06:52.440
717
+ myself
718
+
719
+ 180
720
+ 00:06:50.460 --> 00:06:54.000
721
+ so lyrical lemonade is a curator and
722
+
723
+ 181
724
+ 00:06:52.440 --> 00:06:55.500
725
+ constantly has its fingers on the pulse
726
+
727
+ 182
728
+ 00:06:54.000 --> 00:06:58.020
729
+ of the artists that are about to blow
730
+
731
+ 183
732
+ 00:06:55.500 --> 00:06:59.819
733
+ I'm curious if you can articulate how
734
+
735
+ 184
736
+ 00:06:58.020 --> 00:07:01.979
737
+ you sift through the legions of Internet
738
+
739
+ 185
740
+ 00:06:59.819 --> 00:07:04.380
741
+ rappers who to the untrained eye to the
742
+
743
+ 186
744
+ 00:07:01.979 --> 00:07:06.240
745
+ untrained ear may seem homogeneous
746
+
747
+ 187
748
+ 00:07:04.380 --> 00:07:08.400
749
+ I do what I'm Into You know I think
750
+
751
+ 188
752
+ 00:07:06.240 --> 00:07:10.500
753
+ there's been really really beautiful
754
+
755
+ 189
756
+ 00:07:08.400 --> 00:07:13.080
757
+ opportunities I've passed up on because
758
+
759
+ 190
760
+ 00:07:10.500 --> 00:07:15.060
761
+ it just didn't align with you know
762
+
763
+ 191
764
+ 00:07:13.080 --> 00:07:16.979
765
+ my morals and what I kind of thought the
766
+
767
+ 192
768
+ 00:07:15.060 --> 00:07:18.419
769
+ business model of lyric lemonade was and
770
+
771
+ 193
772
+ 00:07:16.979 --> 00:07:19.620
773
+ it just wasn't what I was listening to
774
+
775
+ 194
776
+ 00:07:18.419 --> 00:07:22.800
777
+ and I think that there's times where
778
+
779
+ 195
780
+ 00:07:19.620 --> 00:07:24.060
781
+ I've taken a chance on artists that you
782
+
783
+ 196
784
+ 00:07:22.800 --> 00:07:25.740
785
+ know people would argue I shouldn't
786
+
787
+ 197
788
+ 00:07:24.060 --> 00:07:27.300
789
+ because I was into it you know and I
790
+
791
+ 198
792
+ 00:07:25.740 --> 00:07:29.160
793
+ think
794
+
795
+ 199
796
+ 00:07:27.300 --> 00:07:31.259
797
+ I think it's just it all comes from a
798
+
799
+ 200
800
+ 00:07:29.160 --> 00:07:33.120
801
+ place of just doing what I love and and
802
+
803
+ 201
804
+ 00:07:31.259 --> 00:07:34.860
805
+ uh attacking it that way and that's kind
806
+
807
+ 202
808
+ 00:07:33.120 --> 00:07:36.780
809
+ of like my mode and my approach to
810
+
811
+ 203
812
+ 00:07:34.860 --> 00:07:40.140
813
+ everything I do if I'm into it I do it
814
+
815
+ 204
816
+ 00:07:36.780 --> 00:07:43.339
817
+ if not then then I'm okay on it you know
818
+
819
+ 205
820
+ 00:07:40.140 --> 00:07:43.339
821
+ [Music]
822
+
823
+ 206
824
+ 00:07:44.160 --> 00:07:47.940
825
+ yeah it looks like a Shirley Temple in a
826
+
827
+ 207
828
+ 00:07:46.080 --> 00:07:50.419
829
+ bottle
830
+
831
+ 208
832
+ 00:07:47.940 --> 00:07:52.560
833
+ like like a cherry cream soda
834
+
835
+ 209
836
+ 00:07:50.419 --> 00:07:56.360
837
+ see if it tastes like a cherry cream
838
+
839
+ 210
840
+ 00:07:52.560 --> 00:07:56.360
841
+ soda it looks like it might
842
+
843
+ 211
844
+ 00:07:59.819 --> 00:08:02.880
845
+ call me every crane segment on our show
846
+
847
+ 212
848
+ 00:08:01.680 --> 00:08:03.900
849
+ called explain that grammar to a deep
850
+
851
+ 213
852
+ 00:08:02.880 --> 00:08:05.160
853
+ dive in our guest Instagram pull
854
+
855
+ 214
856
+ 00:08:03.900 --> 00:08:07.680
857
+ interesting pictures that need more
858
+
859
+ 215
860
+ 00:08:05.160 --> 00:08:09.660
861
+ context and for you we have a theme Cole
862
+
863
+ 216
864
+ 00:08:07.680 --> 00:08:12.120
865
+ Bennett behind the scenes all of the
866
+
867
+ 217
868
+ 00:08:09.660 --> 00:08:13.919
869
+ pictures are of you on set and I'm
870
+
871
+ 218
872
+ 00:08:12.120 --> 00:08:15.479
873
+ curious maybe you have a lasting memory
874
+
875
+ 219
876
+ 00:08:13.919 --> 00:08:17.400
877
+ from that shoot or what it was like to
878
+
879
+ 220
880
+ 00:08:15.479 --> 00:08:20.699
881
+ work with that artist and we'll begin
882
+
883
+ 221
884
+ 00:08:17.400 --> 00:08:23.400
885
+ with the ensemble cast for your Godzilla
886
+
887
+ 222
888
+ 00:08:20.699 --> 00:08:26.160
889
+ video for Eminem side note an MTV video
890
+
891
+ 223
892
+ 00:08:23.400 --> 00:08:27.780
893
+ of the Year Award nominee this video is
894
+
895
+ 224
896
+ 00:08:26.160 --> 00:08:29.580
897
+ like no other you know it's one of those
898
+
899
+ 225
900
+ 00:08:27.780 --> 00:08:32.219
901
+ things like throwing up being a fan of
902
+
903
+ 226
904
+ 00:08:29.580 --> 00:08:34.500
905
+ hip-hop music music videos and just pop
906
+
907
+ 227
908
+ 00:08:32.219 --> 00:08:36.719
909
+ culture I mean I remember Eminem as
910
+
911
+ 228
912
+ 00:08:34.500 --> 00:08:38.339
913
+ being the biggest thing in the world
914
+
915
+ 229
916
+ 00:08:36.719 --> 00:08:40.860
917
+ so to get to work with them so closely
918
+
919
+ 230
920
+ 00:08:38.339 --> 00:08:43.860
921
+ and feel that energy and feel him be so
922
+
923
+ 231
924
+ 00:08:40.860 --> 00:08:45.959
925
+ ready to just log in all these hours and
926
+
927
+ 232
928
+ 00:08:43.860 --> 00:08:47.519
929
+ be so receptive to my ideas and my
930
+
931
+ 233
932
+ 00:08:45.959 --> 00:08:49.320
933
+ vision for things to you know a song
934
+
935
+ 234
936
+ 00:08:47.519 --> 00:08:53.160
937
+ that he had created was really really
938
+
939
+ 235
940
+ 00:08:49.320 --> 00:08:56.519
941
+ cool and um this photo was actually in
942
+
943
+ 236
944
+ 00:08:53.160 --> 00:08:58.500
945
+ the hospital room Mike Tyson was um off
946
+
947
+ 237
948
+ 00:08:56.519 --> 00:09:00.420
949
+ shrooms he offered me some shrooms which
950
+
951
+ 238
952
+ 00:08:58.500 --> 00:09:03.000
953
+ you know was a was a bucket list moment
954
+
955
+ 239
956
+ 00:09:00.420 --> 00:09:04.740
957
+ for sure but you know being on set and
958
+
959
+ 240
960
+ 00:09:03.000 --> 00:09:07.560
961
+ leading this Vision was was also a
962
+
963
+ 241
964
+ 00:09:04.740 --> 00:09:09.180
965
+ luckily moment so I had to pick my uh my
966
+
967
+ 242
968
+ 00:09:07.560 --> 00:09:13.019
969
+ poison there didn't do the shrooms but
970
+
971
+ 243
972
+ 00:09:09.180 --> 00:09:15.480
973
+ uh he was a great time Dr Dre was uh
974
+
975
+ 244
976
+ 00:09:13.019 --> 00:09:17.519
977
+ it's a really cool dude
978
+
979
+ 245
980
+ 00:09:15.480 --> 00:09:20.519
981
+ um before he left he's like I really
982
+
983
+ 246
984
+ 00:09:17.519 --> 00:09:22.260
985
+ like how you uh LED today and how you um
986
+
987
+ 247
988
+ 00:09:20.519 --> 00:09:24.660
989
+ you know directed this Vision how you
990
+
991
+ 248
992
+ 00:09:22.260 --> 00:09:26.339
993
+ operate on set and grab my shoulder and
994
+
995
+ 249
996
+ 00:09:24.660 --> 00:09:28.080
997
+ you like nodded his head and she looked
998
+
999
+ 250
1000
+ 00:09:26.339 --> 00:09:29.220
1001
+ at me for like 20 seconds and then you
1002
+
1003
+ 251
1004
+ 00:09:28.080 --> 00:09:31.560
1005
+ know grab my shoulder pretty tight and
1006
+
1007
+ 252
1008
+ 00:09:29.220 --> 00:09:32.820
1009
+ then just walked off and it was uh it
1010
+
1011
+ 253
1012
+ 00:09:31.560 --> 00:09:33.720
1013
+ was a moment for sure I'll never forget
1014
+
1015
+ 254
1016
+ 00:09:32.820 --> 00:09:35.399
1017
+ it
1018
+
1019
+ 255
1020
+ 00:09:33.720 --> 00:09:36.959
1021
+ then this one finally from the set of
1022
+
1023
+ 256
1024
+ 00:09:35.399 --> 00:09:39.540
1025
+ your video for Justin Bieber is honest
1026
+
1027
+ 257
1028
+ 00:09:36.959 --> 00:09:42.000
1029
+ yeah Justin is one of my closest friends
1030
+
1031
+ 258
1032
+ 00:09:39.540 --> 00:09:45.600
1033
+ and uh actually it's a fine story too
1034
+
1035
+ 259
1036
+ 00:09:42.000 --> 00:09:47.820
1037
+ the AC and his trailer went out this day
1038
+
1039
+ 260
1040
+ 00:09:45.600 --> 00:09:49.440
1041
+ and uh he had sent me a song a week
1042
+
1043
+ 261
1044
+ 00:09:47.820 --> 00:09:50.339
1045
+ prior I saw the whole like I feel funny
1046
+
1047
+ 262
1048
+ 00:09:49.440 --> 00:09:52.740
1049
+ yeah
1050
+
1051
+ 263
1052
+ 00:09:50.339 --> 00:09:54.360
1053
+ um video came about and I was like yeah
1054
+
1055
+ 264
1056
+ 00:09:52.740 --> 00:09:56.220
1057
+ let's just let's just shoot that while
1058
+
1059
+ 265
1060
+ 00:09:54.360 --> 00:09:58.380
1061
+ we wait for the AC to be fixed and we
1062
+
1063
+ 266
1064
+ 00:09:56.220 --> 00:10:00.000
1065
+ get everything ready to go on set and we
1066
+
1067
+ 267
1068
+ 00:09:58.380 --> 00:10:01.440
1069
+ just you know it was the kind of example
1070
+
1071
+ 268
1072
+ 00:10:00.000 --> 00:10:02.160
1073
+ of turning
1074
+
1075
+ 269
1076
+ 00:10:01.440 --> 00:10:04.560
1077
+ um
1078
+
1079
+ 270
1080
+ 00:10:02.160 --> 00:10:07.380
1081
+ you know a negative into a positive
1082
+
1083
+ 271
1084
+ 00:10:04.560 --> 00:10:08.880
1085
+ lemons into lemonade maybe yeah we are
1086
+
1087
+ 272
1088
+ 00:10:07.380 --> 00:10:12.019
1089
+ drink some lemonade there we go
1090
+
1091
+ 273
1092
+ 00:10:08.880 --> 00:10:12.019
1093
+ [Music]
1094
+
1095
+ 274
1096
+ 00:10:13.760 --> 00:10:19.560
1097
+ I like the uh design on this one it's
1098
+
1099
+ 275
1100
+ 00:10:16.620 --> 00:10:21.660
1101
+ busy a lot of text I like text Centric
1102
+
1103
+ 276
1104
+ 00:10:19.560 --> 00:10:23.360
1105
+ designs well it's a big compliment from
1106
+
1107
+ 277
1108
+ 00:10:21.660 --> 00:10:25.730
1109
+ you
1110
+
1111
+ 278
1112
+ 00:10:23.360 --> 00:10:29.040
1113
+ we're doing the thing
1114
+
1115
+ 279
1116
+ 00:10:25.730 --> 00:10:32.540
1117
+ [Music]
1118
+
1119
+ 280
1120
+ 00:10:29.040 --> 00:10:32.540
1121
+ oh yeah
1122
+
1123
+ 281
1124
+ 00:10:32.760 --> 00:10:36.080
1125
+ that's one of them ones huh
1126
+
1127
+ 282
1128
+ 00:10:37.459 --> 00:10:42.600
1129
+ goodness
1130
+
1131
+ 283
1132
+ 00:10:39.680 --> 00:10:46.459
1133
+ question for you real quick of course of
1134
+
1135
+ 284
1136
+ 00:10:42.600 --> 00:10:46.459
1137
+ course oh my gosh
1138
+
1139
+ 285
1140
+ 00:10:47.100 --> 00:10:52.680
1141
+ the DJ Khaled huh yeah yeah hilarious
1142
+
1143
+ 286
1144
+ 00:10:50.040 --> 00:10:54.720
1145
+ yeah classic classic I actually don't
1146
+
1147
+ 287
1148
+ 00:10:52.680 --> 00:10:56.760
1149
+ even have a question I just want to
1150
+
1151
+ 288
1152
+ 00:10:54.720 --> 00:10:59.640
1153
+ point that out put the hinges in the
1154
+
1155
+ 289
1156
+ 00:10:56.760 --> 00:11:01.980
1157
+ [ __ ] boy's hands drop them in drop them
1158
+
1159
+ 290
1160
+ 00:10:59.640 --> 00:11:03.540
1161
+ in so quote of yours that really
1162
+
1163
+ 291
1164
+ 00:11:01.980 --> 00:11:05.279
1165
+ resonates with me comes from a 2018
1166
+
1167
+ 292
1168
+ 00:11:03.540 --> 00:11:07.079
1169
+ interview that you did with complex
1170
+
1171
+ 293
1172
+ 00:11:05.279 --> 00:11:09.000
1173
+ where you said eventually I'll be old
1174
+
1175
+ 294
1176
+ 00:11:07.079 --> 00:11:10.500
1177
+ and not in tune with things I'm going to
1178
+
1179
+ 295
1180
+ 00:11:09.000 --> 00:11:12.779
1181
+ be an old dude who people aren't going
1182
+
1183
+ 296
1184
+ 00:11:10.500 --> 00:11:14.399
1185
+ to look to for new music does that kind
1186
+
1187
+ 297
1188
+ 00:11:12.779 --> 00:11:16.140
1189
+ of perspective does that make you more
1190
+
1191
+ 298
1192
+ 00:11:14.399 --> 00:11:17.820
1193
+ terrified about the future or is it
1194
+
1195
+ 299
1196
+ 00:11:16.140 --> 00:11:20.839
1197
+ actually kind of comforting
1198
+
1199
+ 300
1200
+ 00:11:17.820 --> 00:11:20.839
1201
+ I think it's comforting
1202
+
1203
+ 301
1204
+ 00:11:21.140 --> 00:11:25.740
1205
+ we just need to be honest with ourselves
1206
+
1207
+ 302
1208
+ 00:11:23.220 --> 00:11:28.019
1209
+ and uh
1210
+
1211
+ 303
1212
+ 00:11:25.740 --> 00:11:29.820
1213
+ I think that you know you can only have
1214
+
1215
+ 304
1216
+ 00:11:28.019 --> 00:11:32.279
1217
+ your hand on
1218
+
1219
+ 305
1220
+ 00:11:29.820 --> 00:11:34.260
1221
+ the pulse of something finger on post
1222
+
1223
+ 306
1224
+ 00:11:32.279 --> 00:11:36.899
1225
+ finger on the post finger on the post
1226
+
1227
+ 307
1228
+ 00:11:34.260 --> 00:11:38.339
1229
+ something for so long and um
1230
+
1231
+ 308
1232
+ 00:11:36.899 --> 00:11:40.560
1233
+ you know I plan to graduate from this
1234
+
1235
+ 309
1236
+ 00:11:38.339 --> 00:11:41.820
1237
+ and get into other things and have new
1238
+
1239
+ 310
1240
+ 00:11:40.560 --> 00:11:43.500
1241
+ passions and
1242
+
1243
+ 311
1244
+ 00:11:41.820 --> 00:11:45.899
1245
+ you know explore new worlds and be the
1246
+
1247
+ 312
1248
+ 00:11:43.500 --> 00:11:49.380
1249
+ taste maker within that and I'll always
1250
+
1251
+ 313
1252
+ 00:11:45.899 --> 00:11:50.399
1253
+ be within the space of music but I also
1254
+
1255
+ 314
1256
+ 00:11:49.380 --> 00:11:51.060
1257
+ have to understand that there's going to
1258
+
1259
+ 315
1260
+ 00:11:50.399 --> 00:11:53.880
1261
+ be
1262
+
1263
+ 316
1264
+ 00:11:51.060 --> 00:11:55.140
1265
+ people that come after me and uh you
1266
+
1267
+ 317
1268
+ 00:11:53.880 --> 00:11:57.300
1269
+ know I want to inspire those generations
1270
+
1271
+ 318
1272
+ 00:11:55.140 --> 00:11:59.399
1273
+ and give give them the tools to be able
1274
+
1275
+ 319
1276
+ 00:11:57.300 --> 00:12:01.980
1277
+ to do what I did and you know just like
1278
+
1279
+ 320
1280
+ 00:11:59.399 --> 00:12:03.120
1281
+ the people before me did for me and uh
1282
+
1283
+ 321
1284
+ 00:12:01.980 --> 00:12:04.260
1285
+ that's the whole name of the game I
1286
+
1287
+ 322
1288
+ 00:12:03.120 --> 00:12:05.640
1289
+ think people that try to hold on to
1290
+
1291
+ 323
1292
+ 00:12:04.260 --> 00:12:07.980
1293
+ something for too long
1294
+
1295
+ 324
1296
+ 00:12:05.640 --> 00:12:09.060
1297
+ you get a little burnt out so y'all be
1298
+
1299
+ 325
1300
+ 00:12:07.980 --> 00:12:12.680
1301
+ honest with yourself and you gotta be
1302
+
1303
+ 326
1304
+ 00:12:09.060 --> 00:12:12.680
1305
+ honest with just how the game works
1306
+
1307
+ 327
1308
+ 00:12:15.959 --> 00:12:20.660
1309
+ Karma sauce
1310
+
1311
+ 328
1312
+ 00:12:17.339 --> 00:12:20.660
1313
+ I don't know how I feel about that
1314
+
1315
+ 329
1316
+ 00:12:20.940 --> 00:12:25.560
1317
+ yeah
1318
+
1319
+ 330
1320
+ 00:12:23.820 --> 00:12:27.600
1321
+ we're in that part of the show yeah
1322
+
1323
+ 331
1324
+ 00:12:25.560 --> 00:12:30.660
1325
+ we're getting there
1326
+
1327
+ 332
1328
+ 00:12:27.600 --> 00:12:33.440
1329
+ but still going back in
1330
+
1331
+ 333
1332
+ 00:12:30.660 --> 00:12:33.440
1333
+ one bad guy
1334
+
1335
+ 334
1336
+ 00:12:33.899 --> 00:12:37.380
1337
+ so when my ulterior motives and booking
1338
+
1339
+ 335
1340
+ 00:12:35.760 --> 00:12:39.420
1341
+ this interview is to ensure that I get a
1342
+
1343
+ 336
1344
+ 00:12:37.380 --> 00:12:41.700
1345
+ tour of lyrical lemonade H2 next time
1346
+
1347
+ 337
1348
+ 00:12:39.420 --> 00:12:43.680
1349
+ I'm home in Chicago what's the holiest
1350
+
1351
+ 338
1352
+ 00:12:41.700 --> 00:12:47.399
1353
+ of holy Grails on display in your
1354
+
1355
+ 339
1356
+ 00:12:43.680 --> 00:12:47.399
1357
+ Nostalgia room uh
1358
+
1359
+ 340
1360
+ 00:12:47.820 --> 00:12:51.540
1361
+ so the Nostalgia room is a room that I
1362
+
1363
+ 341
1364
+ 00:12:50.279 --> 00:12:52.079
1365
+ built
1366
+
1367
+ 342
1368
+ 00:12:51.540 --> 00:12:54.360
1369
+ um
1370
+
1371
+ 343
1372
+ 00:12:52.079 --> 00:12:56.399
1373
+ that is like a place that anyone in the
1374
+
1375
+ 344
1376
+ 00:12:54.360 --> 00:12:57.540
1377
+ office can escape to and relax a little
1378
+
1379
+ 345
1380
+ 00:12:56.399 --> 00:12:59.720
1381
+ bit get their mind off things look
1382
+
1383
+ 346
1384
+ 00:12:57.540 --> 00:13:01.560
1385
+ around and
1386
+
1387
+ 347
1388
+ 00:12:59.720 --> 00:13:03.300
1389
+ laughs
1390
+
1391
+ 348
1392
+ 00:13:01.560 --> 00:13:05.160
1393
+ have that nostalgic feeling which I
1394
+
1395
+ 349
1396
+ 00:13:03.300 --> 00:13:09.360
1397
+ think is a feeling that brings us joy
1398
+
1399
+ 350
1400
+ 00:13:05.160 --> 00:13:10.860
1401
+ and creativity and calmness
1402
+
1403
+ 351
1404
+ 00:13:09.360 --> 00:13:13.800
1405
+ some of my favorite things in there in
1406
+
1407
+ 352
1408
+ 00:13:10.860 --> 00:13:16.560
1409
+ that room would be um
1410
+
1411
+ 353
1412
+ 00:13:13.800 --> 00:13:19.620
1413
+ Simpson stuff got a like an old Tupac
1414
+
1415
+ 354
1416
+ 00:13:16.560 --> 00:13:22.440
1417
+ toy uh Eminem toys
1418
+
1419
+ 355
1420
+ 00:13:19.620 --> 00:13:23.940
1421
+ I keep them all in the package
1422
+
1423
+ 356
1424
+ 00:13:22.440 --> 00:13:26.880
1425
+ to just you know go and look at the
1426
+
1427
+ 357
1428
+ 00:13:23.940 --> 00:13:30.779
1429
+ dates that they released and I love um
1430
+
1431
+ 358
1432
+ 00:13:26.880 --> 00:13:32.279
1433
+ oh my goodness man I know I know
1434
+
1435
+ 359
1436
+ 00:13:30.779 --> 00:13:34.139
1437
+ yeah I don't know I like I like a lot of
1438
+
1439
+ 360
1440
+ 00:13:32.279 --> 00:13:36.060
1441
+ stuff in that room what's the most
1442
+
1443
+ 361
1444
+ 00:13:34.139 --> 00:13:37.860
1445
+ talent that you've ever had on the court
1446
+
1447
+ 362
1448
+ 00:13:36.060 --> 00:13:41.639
1449
+ at one time and the custom basketball
1450
+
1451
+ 363
1452
+ 00:13:37.860 --> 00:13:43.680
1453
+ court at lyrical lemonade HQ oh man you
1454
+
1455
+ 364
1456
+ 00:13:41.639 --> 00:13:47.399
1457
+ can imagine what
1458
+
1459
+ 365
1460
+ 00:13:43.680 --> 00:13:49.860
1461
+ Jack Harlow versus maxo cream looks like
1462
+
1463
+ 366
1464
+ 00:13:47.399 --> 00:13:51.540
1465
+ that's my favorite moment and then you
1466
+
1467
+ 367
1468
+ 00:13:49.860 --> 00:13:53.399
1469
+ once said I'll never understand why
1470
+
1471
+ 368
1472
+ 00:13:51.540 --> 00:13:55.680
1473
+ people have a problem with Birkenstocks
1474
+
1475
+ 369
1476
+ 00:13:53.399 --> 00:13:57.360
1477
+ can you detail what it is about Berks
1478
+
1479
+ 370
1480
+ 00:13:55.680 --> 00:14:00.120
1481
+ that makes it the perfect shoe for you
1482
+
1483
+ 371
1484
+ 00:13:57.360 --> 00:14:01.920
1485
+ man
1486
+
1487
+ 372
1488
+ 00:14:00.120 --> 00:14:04.320
1489
+ I want her to
1490
+
1491
+ 373
1492
+ 00:14:01.920 --> 00:14:05.579
1493
+ quote about stuff I said if you're
1494
+
1495
+ 374
1496
+ 00:14:04.320 --> 00:14:08.100
1497
+ comfortable
1498
+
1499
+ 375
1500
+ 00:14:05.579 --> 00:14:10.200
1501
+ they're stylish I like being comfortable
1502
+
1503
+ 376
1504
+ 00:14:08.100 --> 00:14:12.720
1505
+ therefore I'm stylish
1506
+
1507
+ 377
1508
+ 00:14:10.200 --> 00:14:14.820
1509
+ that's why I wear Birkenstock
1510
+
1511
+ 378
1512
+ 00:14:12.720 --> 00:14:19.220
1513
+ wow I heard this next one's really bad
1514
+
1515
+ 379
1516
+ 00:14:14.820 --> 00:14:19.220
1517
+ well what you heard is true
1518
+
1519
+ 380
1520
+ 00:14:19.519 --> 00:14:26.660
1521
+ call I'm not gonna lie to you
1522
+
1523
+ 381
1524
+ 00:14:22.800 --> 00:14:26.660
1525
+ this is the bomb Beyond insanity
1526
+
1527
+ 382
1528
+ 00:14:27.600 --> 00:14:32.180
1529
+ we're just going that's it you know I'm
1530
+
1531
+ 383
1532
+ 00:14:30.720 --> 00:14:33.540
1533
+ just I'm on your schedule here
1534
+
1535
+ 384
1536
+ 00:14:32.180 --> 00:14:35.339
1537
+ [Music]
1538
+
1539
+ 385
1540
+ 00:14:33.540 --> 00:14:37.800
1541
+ let me just take a small bite out yeah
1542
+
1543
+ 386
1544
+ 00:14:35.339 --> 00:14:40.700
1545
+ me too
1546
+
1547
+ 387
1548
+ 00:14:37.800 --> 00:14:40.700
1549
+ that's all it takes
1550
+
1551
+ 388
1552
+ 00:14:43.019 --> 00:14:48.740
1553
+ well not that small type
1554
+
1555
+ 389
1556
+ 00:14:45.180 --> 00:14:48.740
1557
+ I didn't mean for it to be that big
1558
+
1559
+ 390
1560
+ 00:14:52.560 --> 00:14:57.180
1561
+ you know what yeah I'm going for another
1562
+
1563
+ 391
1564
+ 00:14:54.540 --> 00:14:59.600
1565
+ bite whoa you have to too I'm going with
1566
+
1567
+ 392
1568
+ 00:14:57.180 --> 00:14:59.600
1569
+ you though
1570
+
1571
+ 393
1572
+ 00:15:00.480 --> 00:15:03.260
1573
+ oh goodness
1574
+
1575
+ 394
1576
+ 00:15:05.339 --> 00:15:07.940
1577
+ all right
1578
+
1579
+ 395
1580
+ 00:15:09.600 --> 00:15:12.600
1581
+ respect
1582
+
1583
+ 396
1584
+ 00:15:13.079 --> 00:15:19.459
1585
+ I'm gonna do it I gotta do it probably
1586
+
1587
+ 397
1588
+ 00:15:14.399 --> 00:15:19.459
1589
+ yeah you got him we're in it we're in it
1590
+
1591
+ 398
1592
+ 00:15:20.000 --> 00:15:26.639
1593
+ oh I know it might have been a mistake
1594
+
1595
+ 399
1596
+ 00:15:23.279 --> 00:15:29.300
1597
+ but you know what we're here you know
1598
+
1599
+ 400
1600
+ 00:15:26.639 --> 00:15:29.300
1601
+ all right
1602
+
1603
+ 401
1604
+ 00:15:30.000 --> 00:15:33.720
1605
+ so there's a video on maxpreps.com
1606
+
1607
+ 402
1608
+ 00:15:31.980 --> 00:15:35.880
1609
+ showing off your highlights as a running
1610
+
1611
+ 403
1612
+ 00:15:33.720 --> 00:15:36.899
1613
+ back for the Plano High Reapers what
1614
+
1615
+ 404
1616
+ 00:15:35.880 --> 00:15:38.220
1617
+ would you say is the crowning
1618
+
1619
+ 405
1620
+ 00:15:36.899 --> 00:15:40.560
1621
+ achievement of your Friday Night Lights
1622
+
1623
+ 406
1624
+ 00:15:38.220 --> 00:15:44.160
1625
+ career was it beating sandwich High
1626
+
1627
+ 407
1628
+ 00:15:40.560 --> 00:15:45.779
1629
+ Indians 36 to 7 in the 2013 ihsa
1630
+
1631
+ 408
1632
+ 00:15:44.160 --> 00:15:48.779
1633
+ playoffs you're crazy
1634
+
1635
+ 409
1636
+ 00:15:45.779 --> 00:15:48.779
1637
+ man
1638
+
1639
+ 410
1640
+ 00:15:52.199 --> 00:15:56.699
1641
+ can't pop open that mode yeah yeah can I
1642
+
1643
+ 411
1644
+ 00:15:54.779 --> 00:15:59.220
1645
+ do it I'll do it yeah go ahead it's all
1646
+
1647
+ 412
1648
+ 00:15:56.699 --> 00:16:00.660
1649
+ you and then just be careful you know
1650
+
1651
+ 413
1652
+ 00:15:59.220 --> 00:16:01.800
1653
+ sometimes when people drink too much
1654
+
1655
+ 414
1656
+ 00:16:00.660 --> 00:16:03.540
1657
+ milk
1658
+
1659
+ 415
1660
+ 00:16:01.800 --> 00:16:06.720
1661
+ that becomes like the worst problem in
1662
+
1663
+ 416
1664
+ 00:16:03.540 --> 00:16:08.940
1665
+ the hot sauce you know yeah maybe
1666
+
1667
+ 417
1668
+ 00:16:06.720 --> 00:16:11.399
1669
+ and then your hometown of Plano stood in
1670
+
1671
+ 418
1672
+ 00:16:08.940 --> 00:16:13.440
1673
+ for Smallville Kansas and the superhero
1674
+
1675
+ 419
1676
+ 00:16:11.399 --> 00:16:15.240
1677
+ movie Man of Steel yeah do you have any
1678
+
1679
+ 420
1680
+ 00:16:13.440 --> 00:16:17.880
1681
+ memories of the last son of krypton's
1682
+
1683
+ 421
1684
+ 00:16:15.240 --> 00:16:20.160
1685
+ takeover of downtown
1686
+
1687
+ 422
1688
+ 00:16:17.880 --> 00:16:22.139
1689
+ yeah I do remember that it was crazy it
1690
+
1691
+ 423
1692
+ 00:16:20.160 --> 00:16:25.940
1693
+ took over downtown Plano
1694
+
1695
+ 424
1696
+ 00:16:22.139 --> 00:16:25.940
1697
+ like fake decals on them
1698
+
1699
+ 425
1700
+ 00:16:26.220 --> 00:16:31.440
1701
+ the windows all the Smallville themed
1702
+
1703
+ 426
1704
+ 00:16:28.680 --> 00:16:33.180
1705
+ stuff did a casting call so all my
1706
+
1707
+ 427
1708
+ 00:16:31.440 --> 00:16:34.019
1709
+ friends and I would try to get in the
1710
+
1711
+ 428
1712
+ 00:16:33.180 --> 00:16:37.320
1713
+ movie
1714
+
1715
+ 429
1716
+ 00:16:34.019 --> 00:16:39.899
1717
+ got to send a headshots
1718
+
1719
+ 430
1720
+ 00:16:37.320 --> 00:16:42.120
1721
+ do little interviews and such
1722
+
1723
+ 431
1724
+ 00:16:39.899 --> 00:16:45.180
1725
+ and uh
1726
+
1727
+ 432
1728
+ 00:16:42.120 --> 00:16:47.459
1729
+ the big moment I remember that
1730
+
1731
+ 433
1732
+ 00:16:45.180 --> 00:16:49.079
1733
+ how you doing
1734
+
1735
+ 434
1736
+ 00:16:47.459 --> 00:16:51.899
1737
+ I'm struggling
1738
+
1739
+ 435
1740
+ 00:16:49.079 --> 00:16:53.339
1741
+ I love to hear that
1742
+
1743
+ 436
1744
+ 00:16:51.899 --> 00:16:54.600
1745
+ um it's a shared pain that we're going
1746
+
1747
+ 437
1748
+ 00:16:53.339 --> 00:16:57.320
1749
+ through because I'm hurting right now I
1750
+
1751
+ 438
1752
+ 00:16:54.600 --> 00:16:57.320
1753
+ know I know
1754
+
1755
+ 439
1756
+ 00:16:59.459 --> 00:17:04.579
1757
+ pucker butt yeah I don't know how if I
1758
+
1759
+ 440
1760
+ 00:17:01.980 --> 00:17:04.579
1761
+ like how that sounds
1762
+
1763
+ 441
1764
+ 00:17:05.939 --> 00:17:13.530
1765
+ let's see what we got we got it got this
1766
+
1767
+ 442
1768
+ 00:17:10.300 --> 00:17:13.530
1769
+ [Music]
1770
+
1771
+ 443
1772
+ 00:17:14.959 --> 00:17:19.020
1773
+ still going in
1774
+
1775
+ 444
1776
+ 00:17:17.100 --> 00:17:20.579
1777
+ I gotta catch up
1778
+
1779
+ 445
1780
+ 00:17:19.020 --> 00:17:22.740
1781
+ I thought I didn't get a good nibble
1782
+
1783
+ 446
1784
+ 00:17:20.579 --> 00:17:24.600
1785
+ that first time
1786
+
1787
+ 447
1788
+ 00:17:22.740 --> 00:17:26.280
1789
+ can you draw back the curtain on what
1790
+
1791
+ 448
1792
+ 00:17:24.600 --> 00:17:27.720
1793
+ it's like to have dinner at Diddy's
1794
+
1795
+ 449
1796
+ 00:17:26.280 --> 00:17:31.080
1797
+ house like can you paint the picture for
1798
+
1799
+ 450
1800
+ 00:17:27.720 --> 00:17:33.120
1801
+ me in my brain yeah so
1802
+
1803
+ 451
1804
+ 00:17:31.080 --> 00:17:35.000
1805
+ he facetimes me
1806
+
1807
+ 452
1808
+ 00:17:33.120 --> 00:17:37.860
1809
+ one night
1810
+
1811
+ 453
1812
+ 00:17:35.000 --> 00:17:40.260
1813
+ and uh he's like pitching a few ideas
1814
+
1815
+ 454
1816
+ 00:17:37.860 --> 00:17:41.400
1817
+ things we could work on I was thrilled
1818
+
1819
+ 455
1820
+ 00:17:40.260 --> 00:17:42.840
1821
+ of course
1822
+
1823
+ 456
1824
+ 00:17:41.400 --> 00:17:47.360
1825
+ I was waiting for that moment you know
1826
+
1827
+ 457
1828
+ 00:17:42.840 --> 00:17:47.360
1829
+ to get the Diddy coats on and uh
1830
+
1831
+ 458
1832
+ 00:17:47.780 --> 00:17:51.600
1833
+ he's like when are you in La next and I
1834
+
1835
+ 459
1836
+ 00:17:50.520 --> 00:17:54.299
1837
+ was like I'm actually in LA right now
1838
+
1839
+ 460
1840
+ 00:17:51.600 --> 00:17:56.940
1841
+ but I go back to Chicago tomorrow
1842
+
1843
+ 461
1844
+ 00:17:54.299 --> 00:17:59.100
1845
+ and uh he was like look man I want to
1846
+
1847
+ 462
1848
+ 00:17:56.940 --> 00:18:01.559
1849
+ put the puffy brush on you but
1850
+
1851
+ 463
1852
+ 00:17:59.100 --> 00:18:03.240
1853
+ why don't you stay another day and do
1854
+
1855
+ 464
1856
+ 00:18:01.559 --> 00:18:05.580
1857
+ dinner
1858
+
1859
+ 465
1860
+ 00:18:03.240 --> 00:18:08.820
1861
+ forgot what we ate
1862
+
1863
+ 466
1864
+ 00:18:05.580 --> 00:18:11.580
1865
+ it was good though I was some sort of
1866
+
1867
+ 467
1868
+ 00:18:08.820 --> 00:18:14.039
1869
+ chicken and uh
1870
+
1871
+ 468
1872
+ 00:18:11.580 --> 00:18:15.660
1873
+ saved me a lot of music
1874
+
1875
+ 469
1876
+ 00:18:14.039 --> 00:18:19.020
1877
+ talked a lot of ideas gave me a lot of
1878
+
1879
+ 470
1880
+ 00:18:15.660 --> 00:18:22.260
1881
+ game just spoke on a lot of history
1882
+
1883
+ 471
1884
+ 00:18:19.020 --> 00:18:23.760
1885
+ oh my goodness he called me the uh
1886
+
1887
+ 472
1888
+ 00:18:22.260 --> 00:18:25.990
1889
+ looked at me
1890
+
1891
+ 473
1892
+ 00:18:23.760 --> 00:18:27.480
1893
+ he laughed
1894
+
1895
+ 474
1896
+ 00:18:25.990 --> 00:18:29.640
1897
+ [Music]
1898
+
1899
+ 475
1900
+ 00:18:27.480 --> 00:18:32.340
1901
+ I said man he said you're like the white
1902
+
1903
+ 476
1904
+ 00:18:29.640 --> 00:18:34.260
1905
+ puff oh [ __ ]
1906
+
1907
+ 477
1908
+ 00:18:32.340 --> 00:18:37.980
1909
+ so yeah I
1910
+
1911
+ 478
1912
+ 00:18:34.260 --> 00:18:40.040
1913
+ appreciate puff more than I can express
1914
+
1915
+ 479
1916
+ 00:18:37.980 --> 00:18:45.419
1917
+ all right Cole Bennett
1918
+
1919
+ 480
1920
+ 00:18:40.040 --> 00:18:47.160
1921
+ [Music]
1922
+
1923
+ 481
1924
+ 00:18:45.419 --> 00:18:50.340
1925
+ okay we made it this far might as well
1926
+
1927
+ 482
1928
+ 00:18:47.160 --> 00:18:53.580
1929
+ top it off there we go yeah
1930
+
1931
+ 483
1932
+ 00:18:50.340 --> 00:18:56.039
1933
+ the bomb the bomb actually it was here
1934
+
1935
+ 484
1936
+ 00:18:53.580 --> 00:18:57.799
1937
+ and it like worked it works its way up
1938
+
1939
+ 485
1940
+ 00:18:56.039 --> 00:19:00.240
1941
+ your face like right now it's in my nose
1942
+
1943
+ 486
1944
+ 00:18:57.799 --> 00:19:02.820
1945
+ right but like I feel it in my skin
1946
+
1947
+ 487
1948
+ 00:19:00.240 --> 00:19:04.980
1949
+ working up my face it's crazy
1950
+
1951
+ 488
1952
+ 00:19:02.820 --> 00:19:07.020
1953
+ how would you put on I went a little
1954
+
1955
+ 489
1956
+ 00:19:04.980 --> 00:19:08.640
1957
+ crazy trying not to do this much but
1958
+
1959
+ 490
1960
+ 00:19:07.020 --> 00:19:10.860
1961
+ it's hard to tell you know sometimes I
1962
+
1963
+ 491
1964
+ 00:19:08.640 --> 00:19:12.720
1965
+ want to match your energy I said if I'm
1966
+
1967
+ 492
1968
+ 00:19:10.860 --> 00:19:14.820
1969
+ gonna do it I'm gonna do it proper you
1970
+
1971
+ 493
1972
+ 00:19:12.720 --> 00:19:17.580
1973
+ do it proper all the time I gotta back
1974
+
1975
+ 494
1976
+ 00:19:14.820 --> 00:19:20.280
1977
+ up Salute
1978
+
1979
+ 495
1980
+ 00:19:17.580 --> 00:19:22.799
1981
+ I'm not gonna the bomb I almost took me
1982
+
1983
+ 496
1984
+ 00:19:20.280 --> 00:19:23.880
1985
+ out yeah we're still here we're still
1986
+
1987
+ 497
1988
+ 00:19:22.799 --> 00:19:26.080
1989
+ that's good that's good that's good
1990
+
1991
+ 498
1992
+ 00:19:23.880 --> 00:19:27.539
1993
+ that's good
1994
+
1995
+ 499
1996
+ 00:19:26.080 --> 00:19:30.080
1997
+ [Music]
1998
+
1999
+ 500
2000
+ 00:19:27.539 --> 00:19:33.190
2001
+ you gotta you go figure yeah
2002
+
2003
+ 501
2004
+ 00:19:30.080 --> 00:19:33.190
2005
+ [Music]
2006
+
2007
+ 502
2008
+ 00:19:34.380 --> 00:19:37.340
2009
+ maybe that's like
2010
+
2011
+ 503
2012
+ 00:19:37.380 --> 00:19:42.380
2013
+ cheers Cole
2014
+
2015
+ 504
2016
+ 00:19:39.840 --> 00:19:42.380
2017
+ cheers
2018
+
2019
+ 505
2020
+ 00:19:53.299 --> 00:19:56.419
2021
+ I know
2022
+
2023
+ 506
2024
+ 00:19:58.710 --> 00:20:01.200
2025
+ [Music]
2026
+
2027
+ 507
2028
+ 00:19:59.880 --> 00:20:02.940
2029
+ yeah
2030
+
2031
+ 508
2032
+ 00:20:01.200 --> 00:20:04.559
2033
+ can you tell me about that I mean you're
2034
+
2035
+ 509
2036
+ 00:20:02.940 --> 00:20:06.840
2037
+ looking at me like it's my fault but I
2038
+
2039
+ 510
2040
+ 00:20:04.559 --> 00:20:09.480
2041
+ feel like you wanted to take another
2042
+
2043
+ 511
2044
+ 00:20:06.840 --> 00:20:11.640
2045
+ bite at the bomb you're like you got a
2046
+
2047
+ 512
2048
+ 00:20:09.480 --> 00:20:14.039
2049
+ match you know I feel like I should give
2050
+
2051
+ 513
2052
+ 00:20:11.640 --> 00:20:16.919
2053
+ you that look actually I'm not gonna lie
2054
+
2055
+ 514
2056
+ 00:20:14.039 --> 00:20:19.080
2057
+ I felt way worse like immediately after
2058
+
2059
+ 515
2060
+ 00:20:16.919 --> 00:20:21.000
2061
+ the bite yep
2062
+
2063
+ 516
2064
+ 00:20:19.080 --> 00:20:22.740
2065
+ but it's not as bad as you think it
2066
+
2067
+ 517
2068
+ 00:20:21.000 --> 00:20:24.600
2069
+ settles in hopefully it's not an eye of
2070
+
2071
+ 518
2072
+ 00:20:22.740 --> 00:20:26.400
2073
+ the storm situation you know where it
2074
+
2075
+ 519
2076
+ 00:20:24.600 --> 00:20:28.380
2077
+ comes back and builds but don't worry
2078
+
2079
+ 520
2080
+ 00:20:26.400 --> 00:20:29.370
2081
+ because there's a nice long lead on this
2082
+
2083
+ 521
2084
+ 00:20:28.380 --> 00:20:31.520
2085
+ question foreshadowing that
2086
+
2087
+ 522
2088
+ 00:20:29.370 --> 00:20:33.780
2089
+ [Laughter]
2090
+
2091
+ 523
2092
+ 00:20:31.520 --> 00:20:35.820
2093
+ we've reached the end of our journey
2094
+
2095
+ 524
2096
+ 00:20:33.780 --> 00:20:37.679
2097
+ through the hot ones Gauntlet and to
2098
+
2099
+ 525
2100
+ 00:20:35.820 --> 00:20:39.900
2101
+ close things out we're basically gonna
2102
+
2103
+ 526
2104
+ 00:20:37.679 --> 00:20:41.820
2105
+ squeeze whatever energy you have left
2106
+
2107
+ 527
2108
+ 00:20:39.900 --> 00:20:44.340
2109
+ while that brain soaks in hot sauce and
2110
+
2111
+ 528
2112
+ 00:20:41.820 --> 00:20:47.580
2113
+ we can call this an unofficial list but
2114
+
2115
+ 529
2116
+ 00:20:44.340 --> 00:20:51.780
2117
+ I am curious the cold Bennett Mount
2118
+
2119
+ 530
2120
+ 00:20:47.580 --> 00:20:53.940
2121
+ Rushmore of Chicago rap music videos the
2122
+
2123
+ 531
2124
+ 00:20:51.780 --> 00:20:57.440
2125
+ four most iconic Chicago rap music
2126
+
2127
+ 532
2128
+ 00:20:53.940 --> 00:20:57.440
2129
+ videos of all time in your opinion
2130
+
2131
+ 533
2132
+ 00:20:57.960 --> 00:21:00.480
2133
+ it's a great question
2134
+
2135
+ 534
2136
+ 00:20:59.340 --> 00:21:01.820
2137
+ um
2138
+
2139
+ 535
2140
+ 00:21:00.480 --> 00:21:04.320
2141
+ don't like
2142
+
2143
+ 536
2144
+ 00:21:01.820 --> 00:21:06.539
2145
+ it could be don't like or love Sosa you
2146
+
2147
+ 537
2148
+ 00:21:04.320 --> 00:21:09.120
2149
+ go either way this is Twisted video
2150
+
2151
+ 538
2152
+ 00:21:06.539 --> 00:21:11.340
2153
+ Overnight Celebrity this video with
2154
+
2155
+ 539
2156
+ 00:21:09.120 --> 00:21:14.419
2157
+ Chance the Rapper it's called family and
2158
+
2159
+ 540
2160
+ 00:21:11.340 --> 00:21:14.419
2161
+ then uh for the fourth
2162
+
2163
+ 541
2164
+ 00:21:14.640 --> 00:21:19.919
2165
+ We're Going Through the Wire all right
2166
+
2167
+ 542
2168
+ 00:21:16.559 --> 00:21:22.200
2169
+ set it in stone call Bennett's Mount
2170
+
2171
+ 543
2172
+ 00:21:19.919 --> 00:21:24.299
2173
+ Rushmore of Chicago rap music videos and
2174
+
2175
+ 544
2176
+ 00:21:22.200 --> 00:21:25.860
2177
+ look at you walked in not a hot sauce
2178
+
2179
+ 545
2180
+ 00:21:24.299 --> 00:21:27.720
2181
+ guy you said you'd be horrible out here
2182
+
2183
+ 546
2184
+ 00:21:25.860 --> 00:21:30.179
2185
+ but here you are taking extra bites to
2186
+
2187
+ 547
2188
+ 00:21:27.720 --> 00:21:31.919
2189
+ the bomb and drenching the last wing and
2190
+
2191
+ 548
2192
+ 00:21:30.179 --> 00:21:33.299
2193
+ the last dab now there's nothing left to
2194
+
2195
+ 549
2196
+ 00:21:31.919 --> 00:21:35.460
2197
+ do but roll out the red carpet for you
2198
+
2199
+ 550
2200
+ 00:21:33.299 --> 00:21:36.659
2201
+ this camera this camera this camera let
2202
+
2203
+ 551
2204
+ 00:21:35.460 --> 00:21:39.360
2205
+ the people know what you have going on
2206
+
2207
+ 552
2208
+ 00:21:36.659 --> 00:21:41.940
2209
+ in your life I'm just I'm just enjoying
2210
+
2211
+ 553
2212
+ 00:21:39.360 --> 00:21:44.039
2213
+ myself I'm really happy I'm feeling
2214
+
2215
+ 554
2216
+ 00:21:41.940 --> 00:21:47.100
2217
+ creative
2218
+
2219
+ 555
2220
+ 00:21:44.039 --> 00:21:48.539
2221
+ working on a few things a lot of amazing
2222
+
2223
+ 556
2224
+ 00:21:47.100 --> 00:21:50.100
2225
+ projects
2226
+
2227
+ 557
2228
+ 00:21:48.539 --> 00:21:51.000
2229
+ I'm not even going to speak on because I
2230
+
2231
+ 558
2232
+ 00:21:50.100 --> 00:21:52.799
2233
+ don't want to sound like unplugging
2234
+
2235
+ 559
2236
+ 00:21:51.000 --> 00:21:55.860
2237
+ anything just know it's coming
2238
+
2239
+ 560
2240
+ 00:21:52.799 --> 00:22:01.520
2241
+ it's gonna be powerful impactful
2242
+
2243
+ 561
2244
+ 00:21:55.860 --> 00:22:01.520
2245
+ and uh yeah I'm excited life is good
2246
+
2247
+ 562
2248
+ 00:22:02.220 --> 00:22:05.710
2249
+ thank you so much
2250
+
2251
+ 563
2252
+ 00:22:03.650 --> 00:22:07.039
2253
+ [Applause]
2254
+
2255
+ 564
2256
+ 00:22:05.710 --> 00:22:09.600
2257
+ [Music]
2258
+
2259
+ 565
2260
+ 00:22:07.039 --> 00:22:10.980
2261
+ so cool and chat with you here man oh
2262
+
2263
+ 566
2264
+ 00:22:09.600 --> 00:22:15.260
2265
+ thank you man
2266
+
2267
+ 567
2268
+ 00:22:10.980 --> 00:22:15.260
2269
+ what was uh what was your favorite sauce
2270
+
2271
+ 568
2272
+ 00:22:18.020 --> 00:22:22.400
2273
+ a great time
2274
+
2275
+ 569
2276
+ 00:22:19.860 --> 00:22:22.400
2277
+ it's like
2278
+
2279
+ 570
2280
+ 00:22:22.799 --> 00:22:27.620
2281
+ he's so much no problem oh yeah give me
2282
+
2283
+ 571
2284
+ 00:22:25.320 --> 00:22:27.620
2285
+ a good one
2286
+
2287
+ 572
2288
+ 00:22:29.340 --> 00:22:33.299
2289
+ hey what's going on hot ones fans this
2290
+
2291
+ 573
2292
+ 00:22:31.140 --> 00:22:35.520
2293
+ is Sean Evans checking in with three of
2294
+
2295
+ 574
2296
+ 00:22:33.299 --> 00:22:38.280
2297
+ my best friends then the number one spot
2298
+
2299
+ 575
2300
+ 00:22:35.520 --> 00:22:40.799
2301
+ in the hot ones lineup the harbingers of
2302
+
2303
+ 576
2304
+ 00:22:38.280 --> 00:22:43.020
2305
+ mild heat you know them well the classic
2306
+
2307
+ 577
2308
+ 00:22:40.799 --> 00:22:45.600
2309
+ and take a look at the generation over
2310
+
2311
+ 578
2312
+ 00:22:43.020 --> 00:22:48.000
2313
+ generation Evolution from the chili day
2314
+
2315
+ 579
2316
+ 00:22:45.600 --> 00:22:50.640
2317
+ arble roots of our original recipe to
2318
+
2319
+ 580
2320
+ 00:22:48.000 --> 00:22:53.580
2321
+ the greatest happiest accident in r d
2322
+
2323
+ 581
2324
+ 00:22:50.640 --> 00:22:55.799
2325
+ history the classic garlic Fresno to now
2326
+
2327
+ 582
2328
+ 00:22:53.580 --> 00:22:59.100
2329
+ turning the tides with our newest
2330
+
2331
+ 583
2332
+ 00:22:55.799 --> 00:23:00.960
2333
+ condiment the classic chili Maple it's
2334
+
2335
+ 584
2336
+ 00:22:59.100 --> 00:23:02.880
2337
+ the perfect sweet and spicy companion
2338
+
2339
+ 585
2340
+ 00:23:00.960 --> 00:23:05.039
2341
+ for chicken and waffles your favorite
2342
+
2343
+ 586
2344
+ 00:23:02.880 --> 00:23:07.380
2345
+ slice of Za and even bagels and cream
2346
+
2347
+ 587
2348
+ 00:23:05.039 --> 00:23:10.320
2349
+ cheese pick up a trio pack that's right
2350
+
2351
+ 588
2352
+ 00:23:07.380 --> 00:23:13.100
2353
+ one two three all three sauces they can
2354
+
2355
+ 589
2356
+ 00:23:10.320 --> 00:23:15.600
2357
+ be yours visit heatness.com heatness.com
2358
+
2359
+ 590
2360
+ 00:23:13.100 --> 00:23:18.440
2361
+ heatness.com to get your hands on the
2362
+
2363
+ 591
2364
+ 00:23:15.600 --> 00:23:18.440
2365
+ classic Trio pack
2366
+
transcripts/13.vtt ADDED
@@ -0,0 +1,306 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.380 --> 00:00:04.860
5
+ habanero peppers okay Chipotle puree I
6
+
7
+ 2
8
+ 00:00:03.179 --> 00:00:07.310
9
+ think I could do this one there's
10
+
11
+ 3
12
+ 00:00:04.860 --> 00:00:10.679
13
+ something about this one wait
14
+
15
+ 4
16
+ 00:00:07.310 --> 00:00:12.660
17
+ [Music]
18
+
19
+ 5
20
+ 00:00:10.679 --> 00:00:15.900
21
+ it could be on Insanity bro it sounds
22
+
23
+ 6
24
+ 00:00:12.660 --> 00:00:17.820
25
+ like the worst circuit let's hit circuit
26
+
27
+ 7
28
+ 00:00:15.900 --> 00:00:21.420
29
+ everyone Sean why would we go beyond
30
+
31
+ 8
32
+ 00:00:17.820 --> 00:00:24.420
33
+ Insanity on a Tuesday morning at 11 48
34
+
35
+ 9
36
+ 00:00:21.420 --> 00:00:27.359
37
+ of afternoon at 12 53 or whatever it is
38
+
39
+ 10
40
+ 00:00:24.420 --> 00:00:28.800
41
+ I know we're just going that's it you
42
+
43
+ 11
44
+ 00:00:27.359 --> 00:00:32.160
45
+ know I'm just I'm on your schedule here
46
+
47
+ 12
48
+ 00:00:28.800 --> 00:00:34.380
49
+ all right so whoa going right in
50
+
51
+ 13
52
+ 00:00:32.160 --> 00:00:36.020
53
+ it hasn't kicked her in yet maybe it
54
+
55
+ 14
56
+ 00:00:34.380 --> 00:00:39.120
57
+ won't
58
+
59
+ 15
60
+ 00:00:36.020 --> 00:00:40.860
61
+ I think this is where it started yeah
62
+
63
+ 16
64
+ 00:00:39.120 --> 00:00:42.780
65
+ that is where you turn the corner though
66
+
67
+ 17
68
+ 00:00:40.860 --> 00:00:44.640
69
+ yeah it gets hot right there different
70
+
71
+ 18
72
+ 00:00:42.780 --> 00:00:47.280
73
+ yeah it does a different vibe all
74
+
75
+ 19
76
+ 00:00:44.640 --> 00:00:48.980
77
+ together yeah unusual there the first
78
+
79
+ 20
80
+ 00:00:47.280 --> 00:00:51.480
81
+ thing it hits from here is your eyeball
82
+
83
+ 21
84
+ 00:00:48.980 --> 00:00:54.180
85
+ I might ask you to spoon me in a second
86
+
87
+ 22
88
+ 00:00:51.480 --> 00:00:57.120
89
+ whatever you need whatever you need to
90
+
91
+ 23
92
+ 00:00:54.180 --> 00:00:59.460
93
+ get through it oh wow that comes in
94
+
95
+ 24
96
+ 00:00:57.120 --> 00:01:03.980
97
+ strong yeah they all have their pitfalls
98
+
99
+ 25
100
+ 00:00:59.460 --> 00:01:03.980
101
+ and it grows and it grows and it grows
102
+
103
+ 26
104
+ 00:01:05.519 --> 00:01:08.519
105
+ out
106
+
107
+ 27
108
+ 00:01:08.820 --> 00:01:11.820
109
+ wow
110
+
111
+ 28
112
+ 00:01:13.500 --> 00:01:21.080
113
+ wow
114
+
115
+ 29
116
+ 00:01:16.159 --> 00:01:21.080
117
+ that's hot oh my mm-hmm
118
+
119
+ 30
120
+ 00:01:21.119 --> 00:01:25.439
121
+ totally different level
122
+
123
+ 31
124
+ 00:01:23.100 --> 00:01:26.820
125
+ [ __ ] I'm literally cried no I know it's
126
+
127
+ 32
128
+ 00:01:25.439 --> 00:01:29.100
129
+ fine
130
+
131
+ 33
132
+ 00:01:26.820 --> 00:01:34.220
133
+ what's the point of this right now
134
+
135
+ 34
136
+ 00:01:29.100 --> 00:01:34.220
137
+ I'm like like gushing tears but
138
+
139
+ 35
140
+ 00:01:35.280 --> 00:01:37.759
141
+ not me
142
+
143
+ 36
144
+ 00:01:39.920 --> 00:01:44.280
145
+ I just have a little spit up a little
146
+
147
+ 37
148
+ 00:01:42.780 --> 00:01:47.420
149
+ spit up
150
+
151
+ 38
152
+ 00:01:44.280 --> 00:01:47.420
153
+ yeah it's getting hot now
154
+
155
+ 39
156
+ 00:01:55.200 --> 00:02:01.040
157
+ what's matter with Jesus he's all right
158
+
159
+ 40
160
+ 00:01:58.079 --> 00:02:04.939
161
+ well man with you
162
+
163
+ 41
164
+ 00:02:01.040 --> 00:02:04.939
165
+ I just wanted it not hot
166
+
167
+ 42
168
+ 00:02:11.230 --> 00:02:16.260
169
+ [Music]
170
+
171
+ 43
172
+ 00:02:13.260 --> 00:02:21.480
173
+ my precious
174
+
175
+ 44
176
+ 00:02:16.260 --> 00:02:23.760
177
+ come on team never give up wow get the
178
+
179
+ 45
180
+ 00:02:21.480 --> 00:02:24.840
181
+ milk get more milk ready so why did you
182
+
183
+ 46
184
+ 00:02:23.760 --> 00:02:27.000
185
+ drink the milk what's the difference
186
+
187
+ 47
188
+ 00:02:24.840 --> 00:02:29.220
189
+ between the milk and oh God damn it's
190
+
191
+ 48
192
+ 00:02:27.000 --> 00:02:30.840
193
+ hot and then just be careful you know
194
+
195
+ 49
196
+ 00:02:29.220 --> 00:02:32.819
197
+ sometimes when people drink too much
198
+
199
+ 50
200
+ 00:02:30.840 --> 00:02:35.700
201
+ milk that becomes like a worse problem
202
+
203
+ 51
204
+ 00:02:32.819 --> 00:02:37.440
205
+ than the hot sauce you know yeah maybe I
206
+
207
+ 52
208
+ 00:02:35.700 --> 00:02:40.040
209
+ think of all the things this is the most
210
+
211
+ 53
212
+ 00:02:37.440 --> 00:02:40.040
213
+ effective
214
+
215
+ 54
216
+ 00:02:40.260 --> 00:02:45.239
217
+ oh
218
+
219
+ 55
220
+ 00:02:41.819 --> 00:02:47.700
221
+ it's good to see you suffer misery loves
222
+
223
+ 56
224
+ 00:02:45.239 --> 00:02:50.700
225
+ company it really it does help
226
+
227
+ 57
228
+ 00:02:47.700 --> 00:02:52.920
229
+ all right I'm sure yeah
230
+
231
+ 58
232
+ 00:02:50.700 --> 00:02:55.980
233
+ this is your [ __ ] job my heart's
234
+
235
+ 59
236
+ 00:02:52.920 --> 00:02:58.260
237
+ racing yeah it's uh Transcendent this
238
+
239
+ 60
240
+ 00:02:55.980 --> 00:03:01.319
241
+ sauce the kids don't need to do anything
242
+
243
+ 61
244
+ 00:02:58.260 --> 00:03:04.340
245
+ they're related you need the bomb and
246
+
247
+ 62
248
+ 00:03:01.319 --> 00:03:06.720
249
+ you will find your spirit
250
+
251
+ 63
252
+ 00:03:04.340 --> 00:03:09.900
253
+ this is a part of the [ __ ] hot one
254
+
255
+ 64
256
+ 00:03:06.720 --> 00:03:12.780
257
+ Spiritual Awakening and I'm here for the
258
+
259
+ 65
260
+ 00:03:09.900 --> 00:03:15.620
261
+ experience like I'm here for it okay hot
262
+
263
+ 66
264
+ 00:03:12.780 --> 00:03:18.300
265
+ ones indeed
266
+
267
+ 67
268
+ 00:03:15.620 --> 00:03:20.700
269
+ whoo and I've never eaten anything this
270
+
271
+ 68
272
+ 00:03:18.300 --> 00:03:23.159
273
+ spicy I never will again why would you
274
+
275
+ 69
276
+ 00:03:20.700 --> 00:03:25.760
277
+ do this to me
278
+
279
+ 70
280
+ 00:03:23.159 --> 00:03:28.260
281
+ I want to talk to you anymore
282
+
283
+ 71
284
+ 00:03:25.760 --> 00:03:30.200
285
+ nobody's ever whooped your ass after all
286
+
287
+ 72
288
+ 00:03:28.260 --> 00:03:32.220
289
+ these chicken wings
290
+
291
+ 73
292
+ 00:03:30.200 --> 00:03:35.000
293
+ stop the camera I'm gonna go over there
294
+
295
+ 74
296
+ 00:03:32.220 --> 00:03:35.000
297
+ and whoop your ass
298
+
299
+ 75
300
+ 00:03:37.590 --> 00:03:40.860
301
+ [Music]
302
+
303
+ 76
304
+ 00:03:42.900 --> 00:03:45.980
305
+ the bone
306
+
transcripts/14.vtt ADDED
@@ -0,0 +1,694 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:01.860 --> 00:00:04.860
5
+ foreign
6
+
7
+ 2
8
+ 00:00:06.240 --> 00:00:14.449
9
+ [Music]
10
+
11
+ 3
12
+ 00:00:18.500 --> 00:00:24.300
13
+ hey what's going on and welcome back hot
14
+
15
+ 4
16
+ 00:00:21.240 --> 00:00:27.720
17
+ ones fans fall it's in the air football
18
+
19
+ 5
20
+ 00:00:24.300 --> 00:00:31.019
21
+ season hoodie weather back to school and
22
+
23
+ 6
24
+ 00:00:27.720 --> 00:00:33.719
25
+ of course a brand new hot ones season 19
26
+
27
+ 7
28
+ 00:00:31.019 --> 00:00:36.480
29
+ lineup to burn out our guests for the
30
+
31
+ 8
32
+ 00:00:33.719 --> 00:00:39.120
33
+ remainder of the Year here she is in all
34
+
35
+ 9
36
+ 00:00:36.480 --> 00:00:40.739
37
+ her glory and I have to say ain't she a
38
+
39
+ 10
40
+ 00:00:39.120 --> 00:00:42.780
41
+ beaut I think some of the best design
42
+
43
+ 11
44
+ 00:00:40.739 --> 00:00:45.180
45
+ labels that we've ever had for a hot
46
+
47
+ 12
48
+ 00:00:42.780 --> 00:00:46.860
49
+ ones Gauntlet typically when we do these
50
+
51
+ 13
52
+ 00:00:45.180 --> 00:00:48.539
53
+ sauce reveals we haven't shot any
54
+
55
+ 14
56
+ 00:00:46.860 --> 00:00:51.300
57
+ episodes for the upcoming season yet
58
+
59
+ 15
60
+ 00:00:48.539 --> 00:00:54.059
61
+ this time we have I've tried this lineup
62
+
63
+ 16
64
+ 00:00:51.300 --> 00:00:56.219
65
+ in action and I'll say this the best
66
+
67
+ 17
68
+ 00:00:54.059 --> 00:00:58.500
69
+ tasting hot ones Gauntlet that we've
70
+
71
+ 18
72
+ 00:00:56.219 --> 00:01:00.539
73
+ ever had in the history of the show and
74
+
75
+ 19
76
+ 00:00:58.500 --> 00:01:02.039
77
+ I'm not sure that it's close if you want
78
+
79
+ 20
80
+ 00:01:00.539 --> 00:01:03.739
81
+ to get your hands on the season 19
82
+
83
+ 21
84
+ 00:01:02.039 --> 00:01:07.080
85
+ lineup you know the drill at this point
86
+
87
+ 22
88
+ 00:01:03.739 --> 00:01:09.000
89
+ heatness.com heatness.com to order let's
90
+
91
+ 23
92
+ 00:01:07.080 --> 00:01:10.619
93
+ Dive Right In and I know that you
94
+
95
+ 24
96
+ 00:01:09.000 --> 00:01:13.080
97
+ clocked it the second that you open up
98
+
99
+ 25
100
+ 00:01:10.619 --> 00:01:16.020
101
+ the video the classic in its lead off
102
+
103
+ 26
104
+ 00:01:13.080 --> 00:01:18.180
105
+ position but with an orange label
106
+
107
+ 27
108
+ 00:01:16.020 --> 00:01:20.520
109
+ the classic continues to evolve with the
110
+
111
+ 28
112
+ 00:01:18.180 --> 00:01:22.020
113
+ brand new chili Maple Edition we've been
114
+
115
+ 29
116
+ 00:01:20.520 --> 00:01:23.700
117
+ chasing the perfect sweet heat
118
+
119
+ 30
120
+ 00:01:22.020 --> 00:01:25.380
121
+ combination for years now and I think
122
+
123
+ 31
124
+ 00:01:23.700 --> 00:01:27.659
125
+ that we've really cracked the code you
126
+
127
+ 32
128
+ 00:01:25.380 --> 00:01:29.820
129
+ have maple syrup apple cider vinegar
130
+
131
+ 33
132
+ 00:01:27.659 --> 00:01:32.100
133
+ Fresno chilies from the Legends smoking
134
+
135
+ 34
136
+ 00:01:29.820 --> 00:01:34.500
137
+ Ed Curry himself I'm a sweet tooth call
138
+
139
+ 35
140
+ 00:01:32.100 --> 00:01:36.299
141
+ me bias but to me my favorite version of
142
+
143
+ 36
144
+ 00:01:34.500 --> 00:01:39.119
145
+ the classic that we've ever made all
146
+
147
+ 37
148
+ 00:01:36.299 --> 00:01:42.119
149
+ right moving on to number two
150
+
151
+ 38
152
+ 00:01:39.119 --> 00:01:43.979
153
+ Sinai Gourmet tropicante it joins us
154
+
155
+ 39
156
+ 00:01:42.119 --> 00:01:45.780
157
+ from Montreal Canada but the flavors
158
+
159
+ 40
160
+ 00:01:43.979 --> 00:01:47.880
161
+ come straight from the tropics
162
+
163
+ 41
164
+ 00:01:45.780 --> 00:01:50.820
165
+ this sauce features a blend of fruits
166
+
167
+ 42
168
+ 00:01:47.880 --> 00:01:52.860
169
+ like mango papaya banana and then it
170
+
171
+ 43
172
+ 00:01:50.820 --> 00:01:54.540
173
+ also has some Scotch bonnet peppers so
174
+
175
+ 44
176
+ 00:01:52.860 --> 00:01:56.759
177
+ even in the two position you're reminded
178
+
179
+ 45
180
+ 00:01:54.540 --> 00:01:59.220
181
+ you're still on hot ones if you like
182
+
183
+ 46
184
+ 00:01:56.759 --> 00:02:01.259
185
+ like a mix of banana ketchup and hot
186
+
187
+ 47
188
+ 00:01:59.220 --> 00:02:02.280
189
+ sauce then this right here is the sauce
190
+
191
+ 48
192
+ 00:02:01.259 --> 00:02:04.860
193
+ to use
194
+
195
+ 49
196
+ 00:02:02.280 --> 00:02:05.820
197
+ all right moving on to Sauce number
198
+
199
+ 50
200
+ 00:02:04.860 --> 00:02:08.039
201
+ three
202
+
203
+ 51
204
+ 00:02:05.820 --> 00:02:10.140
205
+ and I don't just throw out compliments
206
+
207
+ 52
208
+ 00:02:08.039 --> 00:02:11.819
209
+ like this okay but I mean this when I
210
+
211
+ 53
212
+ 00:02:10.140 --> 00:02:14.940
213
+ tried this sauce I immediately thought
214
+
215
+ 54
216
+ 00:02:11.819 --> 00:02:16.860
217
+ to myself Mount Rushmore right here Pico
218
+
219
+ 55
220
+ 00:02:14.940 --> 00:02:18.900
221
+ Rico in the three spot top five hot
222
+
223
+ 56
224
+ 00:02:16.860 --> 00:02:21.780
225
+ sauce I've ever had my life
226
+
227
+ 57
228
+ 00:02:18.900 --> 00:02:24.180
229
+ Pico Peppers Pico Rico it's simple yet
230
+
231
+ 58
232
+ 00:02:21.780 --> 00:02:25.800
233
+ potent balancing Savory and acidic notes
234
+
235
+ 59
236
+ 00:02:24.180 --> 00:02:28.319
237
+ of garlic and lemon juice with just the
238
+
239
+ 60
240
+ 00:02:25.800 --> 00:02:31.200
241
+ right amount of habanero heat Pico Rico
242
+
243
+ 61
244
+ 00:02:28.319 --> 00:02:33.420
245
+ Pico Rico Pico Rico Pico Rico say it 10
246
+
247
+ 62
248
+ 00:02:31.200 --> 00:02:35.480
249
+ times fast with your mouth on fire all
250
+
251
+ 63
252
+ 00:02:33.420 --> 00:02:37.800
253
+ right moving on to number four
254
+
255
+ 64
256
+ 00:02:35.480 --> 00:02:41.700
257
+ smoldering its way back into the lineup
258
+
259
+ 65
260
+ 00:02:37.800 --> 00:02:43.620
261
+ hot ones Los Calientes barbacoa
262
+
263
+ 66
264
+ 00:02:41.700 --> 00:02:45.420
265
+ our smokiest sauce of the Season thanks
266
+
267
+ 67
268
+ 00:02:43.620 --> 00:02:47.640
269
+ to the flame kissed flavor of Applewood
270
+
271
+ 68
272
+ 00:02:45.420 --> 00:02:50.220
273
+ smoked red jalapenos and dried Chipotle
274
+
275
+ 69
276
+ 00:02:47.640 --> 00:02:51.959
277
+ chilies welcome back to the table old
278
+
279
+ 70
280
+ 00:02:50.220 --> 00:02:54.540
281
+ friend all right moving on to number
282
+
283
+ 71
284
+ 00:02:51.959 --> 00:02:56.040
285
+ five very interesting sauce here and the
286
+
287
+ 72
288
+ 00:02:54.540 --> 00:02:58.019
289
+ number five spot now if you're a first
290
+
291
+ 73
292
+ 00:02:56.040 --> 00:03:00.480
293
+ weed Feast completist you probably
294
+
295
+ 74
296
+ 00:02:58.019 --> 00:03:02.760
297
+ remember Jing GAO she appeared on Feast
298
+
299
+ 75
300
+ 00:03:00.480 --> 00:03:04.800
301
+ mansion with Rich Brian and joji she
302
+
303
+ 76
304
+ 00:03:02.760 --> 00:03:06.840
305
+ taught us the art of the Sichuan Hot Pot
306
+
307
+ 77
308
+ 00:03:04.800 --> 00:03:09.180
309
+ she's since then built a sauce Empire
310
+
311
+ 78
312
+ 00:03:06.840 --> 00:03:11.580
313
+ with her brand flyby Jing and Sichuan
314
+
315
+ 79
316
+ 00:03:09.180 --> 00:03:13.980
317
+ gold crafted in Chengdu is the first
318
+
319
+ 80
320
+ 00:03:11.580 --> 00:03:16.620
321
+ time China's famous numbing spices hit
322
+
323
+ 81
324
+ 00:03:13.980 --> 00:03:19.019
325
+ the hot ones table it has an oil base
326
+
327
+ 82
328
+ 00:03:16.620 --> 00:03:20.760
329
+ very interesting and unlike anything
330
+
331
+ 83
332
+ 00:03:19.019 --> 00:03:23.159
333
+ that we've really ever done in the hot
334
+
335
+ 84
336
+ 00:03:20.760 --> 00:03:26.040
337
+ ones Gauntlet so keep an eye out for
338
+
339
+ 85
340
+ 00:03:23.159 --> 00:03:28.200
341
+ very very unique reactions to our number
342
+
343
+ 86
344
+ 00:03:26.040 --> 00:03:31.379
345
+ five sauce in the season 19 season
346
+
347
+ 87
348
+ 00:03:28.200 --> 00:03:33.000
349
+ alright moving on to the back half and
350
+
351
+ 88
352
+ 00:03:31.379 --> 00:03:35.580
353
+ we bring back one of our favorite
354
+
355
+ 89
356
+ 00:03:33.000 --> 00:03:37.739
357
+ Hondurian hot sauce makers
358
+
359
+ 90
360
+ 00:03:35.580 --> 00:03:39.599
361
+ turmeric bomb does what it says on the
362
+
363
+ 91
364
+ 00:03:37.739 --> 00:03:41.220
365
+ label blasting you with turmeric and
366
+
367
+ 92
368
+ 00:03:39.599 --> 00:03:43.620
369
+ then rounding out the wellness meets
370
+
371
+ 93
372
+ 00:03:41.220 --> 00:03:46.019
373
+ pain Vibes with ginger Scotch bonnet
374
+
375
+ 94
376
+ 00:03:43.620 --> 00:03:49.140
377
+ chocolate ghost and jalapeno peppers
378
+
379
+ 95
380
+ 00:03:46.019 --> 00:03:51.959
381
+ turmeric bomb it isn't dub bomb but
382
+
383
+ 96
384
+ 00:03:49.140 --> 00:03:54.360
385
+ still a very intense way to kick off
386
+
387
+ 97
388
+ 00:03:51.959 --> 00:03:57.180
389
+ number six all right and moving on to
390
+
391
+ 98
392
+ 00:03:54.360 --> 00:03:59.700
393
+ number seven at this point Karma first
394
+
395
+ 99
396
+ 00:03:57.180 --> 00:04:02.099
397
+ ballot Hall of Fame hot Ones hot sauce
398
+
399
+ 100
400
+ 00:03:59.700 --> 00:04:04.739
401
+ and it returns here in the seventh spot
402
+
403
+ 101
404
+ 00:04:02.099 --> 00:04:06.959
405
+ the latest from sauce maker and former
406
+
407
+ 102
408
+ 00:04:04.739 --> 00:04:08.700
409
+ NASA engineer Jean oloshock is a
410
+
411
+ 103
412
+ 00:04:06.959 --> 00:04:11.400
413
+ Celestial mashup of two of the most
414
+
415
+ 104
416
+ 00:04:08.700 --> 00:04:13.560
417
+ popular sauces Cosmic dumpling and
418
+
419
+ 105
420
+ 00:04:11.400 --> 00:04:16.019
421
+ Scorpion Disco This sauce right here
422
+
423
+ 106
424
+ 00:04:13.560 --> 00:04:18.660
425
+ takes Savory soy Citrus notes and then
426
+
427
+ 107
428
+ 00:04:16.019 --> 00:04:21.419
429
+ they combine with red jalapenos and
430
+
431
+ 108
432
+ 00:04:18.660 --> 00:04:24.180
433
+ scorpion peppers to take our guests and
434
+
435
+ 109
436
+ 00:04:21.419 --> 00:04:26.040
437
+ blast them off into orbit if they're not
438
+
439
+ 110
440
+ 00:04:24.180 --> 00:04:28.919
441
+ there already and if they're not there
442
+
443
+ 111
444
+ 00:04:26.040 --> 00:04:31.020
445
+ even after number seven well they most
446
+
447
+ 112
448
+ 00:04:28.919 --> 00:04:34.440
449
+ certainly will be there after number
450
+
451
+ 113
452
+ 00:04:31.020 --> 00:04:37.740
453
+ eight the Greek philosopher Harris said
454
+
455
+ 114
456
+ 00:04:34.440 --> 00:04:39.720
457
+ the only constant life is change wise
458
+
459
+ 115
460
+ 00:04:37.740 --> 00:04:42.060
461
+ words but clearly the ancient Greeks
462
+
463
+ 116
464
+ 00:04:39.720 --> 00:04:44.820
465
+ were not thinking about hot ones in the
466
+
467
+ 117
468
+ 00:04:42.060 --> 00:04:47.520
469
+ number eight spot because cemented into
470
+
471
+ 118
472
+ 00:04:44.820 --> 00:04:50.400
473
+ its place permanently it seems that way
474
+
475
+ 119
476
+ 00:04:47.520 --> 00:04:52.740
477
+ to bomb in the number eight spot the
478
+
479
+ 120
480
+ 00:04:50.400 --> 00:04:55.500
481
+ sauce that launched the shack I'm not
482
+
483
+ 121
484
+ 00:04:52.740 --> 00:04:57.360
485
+ gonna make a face face it stays alright
486
+
487
+ 122
488
+ 00:04:55.500 --> 00:04:59.400
489
+ moving on to number nine you know it's
490
+
491
+ 123
492
+ 00:04:57.360 --> 00:05:01.680
493
+ difficult to bridge the bomb to the end
494
+
495
+ 124
496
+ 00:04:59.400 --> 00:05:04.320
497
+ of the show but there's one man who's up
498
+
499
+ 125
500
+ 00:05:01.680 --> 00:05:06.540
501
+ for the task it's smoking Ed Curry
502
+
503
+ 126
504
+ 00:05:04.320 --> 00:05:08.520
505
+ the latest nine spotter from puckerbutt
506
+
507
+ 127
508
+ 00:05:06.540 --> 00:05:11.100
509
+ combines Ed's famous Carolina Reaper
510
+
511
+ 128
512
+ 00:05:08.520 --> 00:05:13.500
513
+ Scorpion and seven pot Primo Peppers the
514
+
515
+ 129
516
+ 00:05:11.100 --> 00:05:15.479
517
+ major hit of savory garlic yet another
518
+
519
+ 130
520
+ 00:05:13.500 --> 00:05:17.699
521
+ reason why we always recommend to
522
+
523
+ 131
524
+ 00:05:15.479 --> 00:05:20.160
525
+ publicists that they make hot ones the
526
+
527
+ 132
528
+ 00:05:17.699 --> 00:05:23.160
529
+ last press engagement of the day all
530
+
531
+ 133
532
+ 00:05:20.160 --> 00:05:24.780
533
+ right and moving on to number 10 it's
534
+
535
+ 134
536
+ 00:05:23.160 --> 00:05:26.880
537
+ the gold bottle
538
+
539
+ 135
540
+ 00:05:24.780 --> 00:05:29.220
541
+ as always our journey up Mount Scoville
542
+
543
+ 136
544
+ 00:05:26.880 --> 00:05:32.039
545
+ ends in a blaze of glory with the last
546
+
547
+ 137
548
+ 00:05:29.220 --> 00:05:35.039
549
+ dab Apollo it's smoking adds Apollo
550
+
551
+ 138
552
+ 00:05:32.039 --> 00:05:38.580
553
+ pepper and it's fresh powdered and pure
554
+
555
+ 139
556
+ 00:05:35.039 --> 00:05:42.900
557
+ chili distillate form and there you have
558
+
559
+ 140
560
+ 00:05:38.580 --> 00:05:45.120
561
+ it the season 19 hot ones lineup in all
562
+
563
+ 141
564
+ 00:05:42.900 --> 00:05:47.759
565
+ of its Glory as always if you're
566
+
567
+ 142
568
+ 00:05:45.120 --> 00:05:49.380
569
+ interested in trying right along with me
570
+
571
+ 143
572
+ 00:05:47.759 --> 00:05:51.840
573
+ and our celebrity guests visit
574
+
575
+ 144
576
+ 00:05:49.380 --> 00:05:54.900
577
+ keatonist.com to get your hands on the
578
+
579
+ 145
580
+ 00:05:51.840 --> 00:05:56.340
581
+ season 19 hot ones Gauntlet and as you
582
+
583
+ 146
584
+ 00:05:54.900 --> 00:05:58.320
585
+ know hot ones fans when you see the
586
+
587
+ 147
588
+ 00:05:56.340 --> 00:06:00.840
589
+ sauce reveal that means that the season
590
+
591
+ 148
592
+ 00:05:58.320 --> 00:06:03.240
593
+ is just around the corner I can't wait
594
+
595
+ 149
596
+ 00:06:00.840 --> 00:06:06.060
597
+ to get back in this seat and delivering
598
+
599
+ 150
600
+ 00:06:03.240 --> 00:06:09.320
601
+ the interviews that our fans love I will
602
+
603
+ 151
604
+ 00:06:06.060 --> 00:06:09.320
605
+ see you very soon
606
+
607
+ 152
608
+ 00:06:12.539 --> 00:06:18.120
609
+ you and me are probably similar in that
610
+
611
+ 153
612
+ 00:06:16.020 --> 00:06:20.880
613
+ we've seen some of the craziest physical
614
+
615
+ 154
616
+ 00:06:18.120 --> 00:06:22.800
617
+ reactions face to face with some of the
618
+
619
+ 155
620
+ 00:06:20.880 --> 00:06:25.139
621
+ biggest stars in the world you know
622
+
623
+ 156
624
+ 00:06:22.800 --> 00:06:26.940
625
+ if we took your reactions and put them
626
+
627
+ 157
628
+ 00:06:25.139 --> 00:06:31.520
629
+ to my card tricks I'd have like a whole
630
+
631
+ 158
632
+ 00:06:26.940 --> 00:06:31.520
633
+ new brand of magic yeah it'd be amazing
634
+
635
+ 159
636
+ 00:06:33.300 --> 00:06:38.100
637
+ thank you so much for watching today's
638
+
639
+ 160
640
+ 00:06:35.280 --> 00:06:41.460
641
+ video and hot ones fans I have a very
642
+
643
+ 161
644
+ 00:06:38.100 --> 00:06:44.400
645
+ exciting announcement the hot ones Shake
646
+
647
+ 162
648
+ 00:06:41.460 --> 00:06:46.680
649
+ Shack collab is finally here the hot
650
+
651
+ 163
652
+ 00:06:44.400 --> 00:06:49.919
653
+ ones cheese fries the hot ones Burger
654
+
655
+ 164
656
+ 00:06:46.680 --> 00:06:52.440
657
+ the hot ones chicken all made with a
658
+
659
+ 165
660
+ 00:06:49.919 --> 00:06:55.380
661
+ shack sauce that includes hot ones the
662
+
663
+ 166
664
+ 00:06:52.440 --> 00:06:58.680
665
+ classic along with the last dab it's
666
+
667
+ 167
668
+ 00:06:55.380 --> 00:07:01.380
669
+ very spicy it's very delicious and it's
670
+
671
+ 168
672
+ 00:06:58.680 --> 00:07:03.060
673
+ available for a limited time now through
674
+
675
+ 169
676
+ 00:07:01.380 --> 00:07:05.039
677
+ the end of the year at Shake Shacks
678
+
679
+ 170
680
+ 00:07:03.060 --> 00:07:07.440
681
+ Nationwide and via the Shake Shack app
682
+
683
+ 171
684
+ 00:07:05.039 --> 00:07:10.699
685
+ be careful around your eyes and don't
686
+
687
+ 172
688
+ 00:07:07.440 --> 00:07:10.699
689
+ forget to order a milkshake
690
+
691
+ 173
692
+ 00:07:10.820 --> 00:07:14.279
693
+ [Music]
694
+
transcripts/15.vtt ADDED
@@ -0,0 +1,2398 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.120 --> 00:00:07.920
5
+ I'm just here I'm just here with you
6
+
7
+ 2
8
+ 00:00:04.920 --> 00:00:07.920
9
+ whoa
10
+
11
+ 3
12
+ 00:00:08.340 --> 00:00:15.480
13
+ [Music]
14
+
15
+ 4
16
+ 00:00:13.920 --> 00:00:17.039
17
+ hey what's going on everybody from first
18
+
19
+ 5
20
+ 00:00:15.480 --> 00:00:18.720
21
+ week Feast I'm Sean Evans and you're
22
+
23
+ 6
24
+ 00:00:17.039 --> 00:00:20.340
25
+ watching hot ones it's the show with hot
26
+
27
+ 7
28
+ 00:00:18.720 --> 00:00:22.260
29
+ questions and even hotter wings and
30
+
31
+ 8
32
+ 00:00:20.340 --> 00:00:23.580
33
+ today we're joined by Rami Youssef he's
34
+
35
+ 9
36
+ 00:00:22.260 --> 00:00:25.019
37
+ a Golden Globe award-winning actor
38
+
39
+ 10
40
+ 00:00:23.580 --> 00:00:26.640
41
+ writer and comedian best known for his
42
+
43
+ 11
44
+ 00:00:25.019 --> 00:00:28.140
45
+ lead ball and Romney Emmy nominated
46
+
47
+ 12
48
+ 00:00:26.640 --> 00:00:29.820
49
+ Peabody award-winning comedy series
50
+
51
+ 13
52
+ 00:00:28.140 --> 00:00:31.439
53
+ currently in its third season on Hulu
54
+
55
+ 14
56
+ 00:00:29.820 --> 00:00:32.940
57
+ he's also the co-creator of Mo and
58
+
59
+ 15
60
+ 00:00:31.439 --> 00:00:35.100
61
+ acclaimed comedy drama which is now
62
+
63
+ 16
64
+ 00:00:32.940 --> 00:00:37.260
65
+ streaming on Netflix Rama Yusuf welcome
66
+
67
+ 17
68
+ 00:00:35.100 --> 00:00:38.820
69
+ to the show thanks for having me how are
70
+
71
+ 18
72
+ 00:00:37.260 --> 00:00:41.100
73
+ you around spicy food before we get
74
+
75
+ 19
76
+ 00:00:38.820 --> 00:00:42.600
77
+ started I grew up with a lot of hot
78
+
79
+ 20
80
+ 00:00:41.100 --> 00:00:44.219
81
+ sauce like it was a thing and I think
82
+
83
+ 21
84
+ 00:00:42.600 --> 00:00:45.239
85
+ actually when I was a kid I would have
86
+
87
+ 22
88
+ 00:00:44.219 --> 00:00:47.399
89
+ been
90
+
91
+ 23
92
+ 00:00:45.239 --> 00:00:49.079
93
+ better at this because I didn't have
94
+
95
+ 24
96
+ 00:00:47.399 --> 00:00:50.820
97
+ taste buds like I think my dad just
98
+
99
+ 25
100
+ 00:00:49.079 --> 00:00:52.680
101
+ always put hot sauce on everything and I
102
+
103
+ 26
104
+ 00:00:50.820 --> 00:00:54.719
105
+ was just down and then I think I stepped
106
+
107
+ 27
108
+ 00:00:52.680 --> 00:00:56.039
109
+ away from it for a bit and so I'm
110
+
111
+ 28
112
+ 00:00:54.719 --> 00:00:57.539
113
+ somewhere in the middle now so we're
114
+
115
+ 29
116
+ 00:00:56.039 --> 00:01:00.079
117
+ getting right back into the game today
118
+
119
+ 30
120
+ 00:00:57.539 --> 00:01:02.340
121
+ yeah this is yeah in a way my childhood
122
+
123
+ 31
124
+ 00:01:00.079 --> 00:01:05.840
125
+ all right well let's relive it are you
126
+
127
+ 32
128
+ 00:01:02.340 --> 00:01:05.840
129
+ ready to get started let's do it
130
+
131
+ 33
132
+ 00:01:21.540 --> 00:01:26.900
133
+ okay right here
134
+
135
+ 34
136
+ 00:01:24.470 --> 00:01:30.080
137
+ [Music]
138
+
139
+ 35
140
+ 00:01:26.900 --> 00:01:30.080
141
+ oh yeah
142
+
143
+ 36
144
+ 00:01:30.600 --> 00:01:39.180
145
+ that's really good hits yeah really good
146
+
147
+ 37
148
+ 00:01:33.670 --> 00:01:41.100
149
+ [Music]
150
+
151
+ 38
152
+ 00:01:39.180 --> 00:01:43.020
153
+ so Rami tells the story of a Muslim
154
+
155
+ 39
156
+ 00:01:41.100 --> 00:01:44.820
157
+ American struggling to balance his faith
158
+
159
+ 40
160
+ 00:01:43.020 --> 00:01:47.159
161
+ with the everyday Temptations of Being
162
+
163
+ 41
164
+ 00:01:44.820 --> 00:01:51.000
165
+ Human which on the show can range from
166
+
167
+ 42
168
+ 00:01:47.159 --> 00:01:53.220
169
+ porn and drugs to dating and family and
170
+
171
+ 43
172
+ 00:01:51.000 --> 00:01:55.079
173
+ making Mo and Rami I'm curious what
174
+
175
+ 44
176
+ 00:01:53.220 --> 00:01:57.180
177
+ stood out in comparing and contrasting
178
+
179
+ 45
180
+ 00:01:55.079 --> 00:01:59.100
181
+ notes on the Arab American Experience in
182
+
183
+ 46
184
+ 00:01:57.180 --> 00:02:01.079
185
+ New Jersey versus Houston
186
+
187
+ 47
188
+ 00:01:59.100 --> 00:02:03.600
189
+ my favorite thing about getting to make
190
+
191
+ 48
192
+ 00:02:01.079 --> 00:02:05.280
193
+ Mo was this idea of what does it look
194
+
195
+ 49
196
+ 00:02:03.600 --> 00:02:07.920
197
+ like to have a guy who doesn't have his
198
+
199
+ 50
200
+ 00:02:05.280 --> 00:02:09.599
201
+ papers you know this this whole idea of
202
+
203
+ 51
204
+ 00:02:07.920 --> 00:02:10.979
205
+ people who work under the table was
206
+
207
+ 52
208
+ 00:02:09.599 --> 00:02:12.959
209
+ really interesting to us and we wanted
210
+
211
+ 53
212
+ 00:02:10.979 --> 00:02:15.239
213
+ to kind of figure out that's a totally
214
+
215
+ 54
216
+ 00:02:12.959 --> 00:02:18.060
217
+ different experience than a kid like
218
+
219
+ 55
220
+ 00:02:15.239 --> 00:02:19.440
221
+ Rami who is a citizen he's kind of
222
+
223
+ 56
224
+ 00:02:18.060 --> 00:02:21.959
225
+ dealing with his higher self and lower
226
+
227
+ 57
228
+ 00:02:19.440 --> 00:02:23.760
229
+ self and in a way he's almost privileged
230
+
231
+ 58
232
+ 00:02:21.959 --> 00:02:25.140
233
+ even though his family has given up a
234
+
235
+ 59
236
+ 00:02:23.760 --> 00:02:28.560
237
+ lot for the Immigrant experience
238
+
239
+ 60
240
+ 00:02:25.140 --> 00:02:30.239
241
+ compared to Mo in his show you know you
242
+
243
+ 61
244
+ 00:02:28.560 --> 00:02:32.640
245
+ you see that there there are different
246
+
247
+ 62
248
+ 00:02:30.239 --> 00:02:33.900
249
+ challenges and I think we were really
250
+
251
+ 63
252
+ 00:02:32.640 --> 00:02:35.920
253
+ excited to set something in the South
254
+
255
+ 64
256
+ 00:02:33.900 --> 00:02:39.410
257
+ too to show how diverse it is there
258
+
259
+ 65
260
+ 00:02:35.920 --> 00:02:39.410
261
+ [Music]
262
+
263
+ 66
264
+ 00:02:39.959 --> 00:02:44.220
265
+ I like these better than the drumsticks
266
+
267
+ 67
268
+ 00:02:42.360 --> 00:02:46.860
269
+ yeah the German state it feels Messier
270
+
271
+ 68
272
+ 00:02:44.220 --> 00:02:48.720
273
+ this thing kind of yeah split the bone
274
+
275
+ 69
276
+ 00:02:46.860 --> 00:02:49.920
277
+ easier like I like to well with the bone
278
+
279
+ 70
280
+ 00:02:48.720 --> 00:02:51.120
281
+ like that yeah I see that's a little bit
282
+
283
+ 71
284
+ 00:02:49.920 --> 00:02:52.200
285
+ of a pro move on the way that's somebody
286
+
287
+ 72
288
+ 00:02:51.120 --> 00:02:53.840
289
+ who's been around and then you kind of
290
+
291
+ 73
292
+ 00:02:52.200 --> 00:02:56.580
293
+ can you split it there
294
+
295
+ 74
296
+ 00:02:53.840 --> 00:02:58.860
297
+ look at that no the Rami technique
298
+
299
+ 75
300
+ 00:02:56.580 --> 00:03:00.780
301
+ that's nice
302
+
303
+ 76
304
+ 00:02:58.860 --> 00:03:02.640
305
+ so shows like Rami Dave Curb Your
306
+
307
+ 77
308
+ 00:03:00.780 --> 00:03:04.620
309
+ Enthusiasm they often portray the
310
+
311
+ 78
312
+ 00:03:02.640 --> 00:03:05.959
313
+ protagonists as obnoxious and
314
+
315
+ 79
316
+ 00:03:04.620 --> 00:03:08.280
317
+ self-absorbed even though they're
318
+
319
+ 80
320
+ 00:03:05.959 --> 00:03:10.260
321
+ semi-autobiographical stories how do you
322
+
323
+ 81
324
+ 00:03:08.280 --> 00:03:12.659
325
+ think about the likability factor when
326
+
327
+ 82
328
+ 00:03:10.260 --> 00:03:14.519
329
+ creating a character like Rami for TV
330
+
331
+ 83
332
+ 00:03:12.659 --> 00:03:16.200
333
+ I think it would be so crazy to make a
334
+
335
+ 84
336
+ 00:03:14.519 --> 00:03:18.060
337
+ character named after myself and he's
338
+
339
+ 85
340
+ 00:03:16.200 --> 00:03:19.440
341
+ just this amazing guy that doesn't make
342
+
343
+ 86
344
+ 00:03:18.060 --> 00:03:21.959
345
+ any mistakes there's something about
346
+
347
+ 87
348
+ 00:03:19.440 --> 00:03:24.120
349
+ that felt really off I like the idea
350
+
351
+ 88
352
+ 00:03:21.959 --> 00:03:26.280
353
+ that I'm making something that is almost
354
+
355
+ 89
356
+ 00:03:24.120 --> 00:03:29.940
357
+ it's kind of like my nightmare of who I
358
+
359
+ 90
360
+ 00:03:26.280 --> 00:03:32.040
361
+ can become or who I might have been you
362
+
363
+ 91
364
+ 00:03:29.940 --> 00:03:35.580
365
+ know in a different circumstance uh
366
+
367
+ 92
368
+ 00:03:32.040 --> 00:03:38.040
369
+ without a passion without love uh so
370
+
371
+ 93
372
+ 00:03:35.580 --> 00:03:40.739
373
+ he's definitely in that space for me
374
+
375
+ 94
376
+ 00:03:38.040 --> 00:03:42.360
377
+ which is a lot more fun to play too and
378
+
379
+ 95
380
+ 00:03:40.739 --> 00:03:44.400
381
+ talking about Larry David's TV
382
+
383
+ 96
384
+ 00:03:42.360 --> 00:03:45.840
385
+ contributions what did you mean by even
386
+
387
+ 97
388
+ 00:03:44.400 --> 00:03:47.459
389
+ if your favorite player isn't Michael
390
+
391
+ 98
392
+ 00:03:45.840 --> 00:03:49.440
393
+ Jordan the game is influenced by Michael
394
+
395
+ 99
396
+ 00:03:47.459 --> 00:03:52.860
397
+ Jordan hmm
398
+
399
+ 100
400
+ 00:03:49.440 --> 00:03:54.659
401
+ a great quote I said that
402
+
403
+ 101
404
+ 00:03:52.860 --> 00:03:57.599
405
+ I was like oh [ __ ] yeah I remember I
406
+
407
+ 102
408
+ 00:03:54.659 --> 00:03:59.580
409
+ remember saying that it it's in you know
410
+
411
+ 103
412
+ 00:03:57.599 --> 00:04:01.920
413
+ I think so much of the format whether
414
+
415
+ 104
416
+ 00:03:59.580 --> 00:04:04.379
417
+ it's Seinfeld or curb I think every
418
+
419
+ 105
420
+ 00:04:01.920 --> 00:04:05.580
421
+ modern TV writer is influenced by it and
422
+
423
+ 106
424
+ 00:04:04.379 --> 00:04:09.239
425
+ so even if you're trying to do something
426
+
427
+ 107
428
+ 00:04:05.580 --> 00:04:11.519
429
+ super subversive you're still you know
430
+
431
+ 108
432
+ 00:04:09.239 --> 00:04:13.620
433
+ that that's kind of part of what's
434
+
435
+ 109
436
+ 00:04:11.519 --> 00:04:16.380
437
+ happening in comedy right now is is what
438
+
439
+ 110
440
+ 00:04:13.620 --> 00:04:19.260
441
+ he he put forward and yeah so I'm just
442
+
443
+ 111
444
+ 00:04:16.380 --> 00:04:21.660
445
+ I'm a huge fan of his and and Michael
446
+
447
+ 112
448
+ 00:04:19.260 --> 00:04:25.020
449
+ like here's the thing I am a LeBron guy
450
+
451
+ 113
452
+ 00:04:21.660 --> 00:04:26.820
453
+ but but when it comes to when it comes
454
+
455
+ 114
456
+ 00:04:25.020 --> 00:04:27.900
457
+ to Comedy no definitely Larry David yeah
458
+
459
+ 115
460
+ 00:04:26.820 --> 00:04:30.780
461
+ when you see the game the game
462
+
463
+ 116
464
+ 00:04:27.900 --> 00:04:33.020
465
+ influenced by Michael Jordan yes yes big
466
+
467
+ 117
468
+ 00:04:30.780 --> 00:04:33.020
469
+ time
470
+
471
+ 118
472
+ 00:04:35.000 --> 00:04:40.199
473
+ you put Tom Holland in the hospital I
474
+
475
+ 119
476
+ 00:04:37.620 --> 00:04:42.300
477
+ heard you know what that's maybe news to
478
+
479
+ 120
480
+ 00:04:40.199 --> 00:04:44.639
481
+ me but it wouldn't surprise me that
482
+
483
+ 121
484
+ 00:04:42.300 --> 00:04:46.860
485
+ wouldn't surprise me given what he went
486
+
487
+ 122
488
+ 00:04:44.639 --> 00:04:48.780
489
+ through that day
490
+
491
+ 123
492
+ 00:04:46.860 --> 00:04:51.240
493
+ seems like a good man he is a good guy
494
+
495
+ 124
496
+ 00:04:48.780 --> 00:04:53.419
497
+ he's a good dude I'm sorry if we did
498
+
499
+ 125
500
+ 00:04:51.240 --> 00:04:53.419
501
+ that
502
+
503
+ 126
504
+ 00:04:53.880 --> 00:04:57.240
505
+ stand up do you have any sort of guiding
506
+
507
+ 127
508
+ 00:04:55.740 --> 00:04:58.860
509
+ ethics when it comes to dealing with
510
+
511
+ 128
512
+ 00:04:57.240 --> 00:05:00.600
513
+ hecklers and then do you remember the
514
+
515
+ 129
516
+ 00:04:58.860 --> 00:05:01.740
517
+ first time you got really savagely
518
+
519
+ 130
520
+ 00:05:00.600 --> 00:05:02.880
521
+ heckled
522
+
523
+ 131
524
+ 00:05:01.740 --> 00:05:05.280
525
+ um
526
+
527
+ 132
528
+ 00:05:02.880 --> 00:05:07.020
529
+ I don't like making fun of hecklers
530
+
531
+ 133
532
+ 00:05:05.280 --> 00:05:08.400
533
+ I think there's like there's a lot of
534
+
535
+ 134
536
+ 00:05:07.020 --> 00:05:11.460
537
+ like
538
+
539
+ 135
540
+ 00:05:08.400 --> 00:05:13.680
541
+ watching a comedian take down a person
542
+
543
+ 136
544
+ 00:05:11.460 --> 00:05:14.880
545
+ in the audience and uh well yeah of
546
+
547
+ 137
548
+ 00:05:13.680 --> 00:05:16.680
549
+ course like we should be able to take
550
+
551
+ 138
552
+ 00:05:14.880 --> 00:05:19.380
553
+ them down there's a reason we have the
554
+
555
+ 139
556
+ 00:05:16.680 --> 00:05:21.419
557
+ mic like yeah the comedian's funnier
558
+
559
+ 140
560
+ 00:05:19.380 --> 00:05:22.740
561
+ than the audience member yes obviously
562
+
563
+ 141
564
+ 00:05:21.419 --> 00:05:23.820
565
+ should be
566
+
567
+ 142
568
+ 00:05:22.740 --> 00:05:25.800
569
+ so
570
+
571
+ 143
572
+ 00:05:23.820 --> 00:05:27.600
573
+ I kind of try to uh yeah try to figure
574
+
575
+ 144
576
+ 00:05:25.800 --> 00:05:30.660
577
+ out like why they're they're being so
578
+
579
+ 145
580
+ 00:05:27.600 --> 00:05:33.419
581
+ loud I remember being in Jacksonville
582
+
583
+ 146
584
+ 00:05:30.660 --> 00:05:35.280
585
+ Florida one this was my first real
586
+
587
+ 147
588
+ 00:05:33.419 --> 00:05:37.560
589
+ Heckle and
590
+
591
+ 148
592
+ 00:05:35.280 --> 00:05:39.600
593
+ I just I think I just said that I was
594
+
595
+ 149
596
+ 00:05:37.560 --> 00:05:42.060
597
+ Muslim and this woman was just like oh
598
+
599
+ 150
600
+ 00:05:39.600 --> 00:05:43.259
601
+ we don't do that here loud from the back
602
+
603
+ 151
604
+ 00:05:42.060 --> 00:05:44.940
605
+ she's like we don't do that here and I
606
+
607
+ 152
608
+ 00:05:43.259 --> 00:05:46.680
609
+ was like oh okay you're making it sound
610
+
611
+ 153
612
+ 00:05:44.940 --> 00:05:48.960
613
+ like it's just uh like we don't have
614
+
615
+ 154
616
+ 00:05:46.680 --> 00:05:50.400
617
+ vegan food like it's not it wasn't like
618
+
619
+ 155
620
+ 00:05:48.960 --> 00:05:52.560
621
+ it wasn't even hateful it was just kind
622
+
623
+ 156
624
+ 00:05:50.400 --> 00:05:55.880
625
+ of like oh we don't the air is like not
626
+
627
+ 157
628
+ 00:05:52.560 --> 00:05:58.199
629
+ conducive to Muslim life form
630
+
631
+ 158
632
+ 00:05:55.880 --> 00:06:00.600
633
+ and what it felt like
634
+
635
+ 159
636
+ 00:05:58.199 --> 00:06:02.100
637
+ which was a funnier pre-famed job being
638
+
639
+ 160
640
+ 00:06:00.600 --> 00:06:03.740
641
+ a camp counselor working at the Apple
642
+
643
+ 161
644
+ 00:06:02.100 --> 00:06:07.259
645
+ Store
646
+
647
+ 162
648
+ 00:06:03.740 --> 00:06:08.880
649
+ I loved working at the Apple Store there
650
+
651
+ 163
652
+ 00:06:07.259 --> 00:06:11.460
653
+ was you just met all these different
654
+
655
+ 164
656
+ 00:06:08.880 --> 00:06:12.660
657
+ kinds of people and I didn't know how to
658
+
659
+ 165
660
+ 00:06:11.460 --> 00:06:14.400
661
+ fix the computers but I know how to sell
662
+
663
+ 166
664
+ 00:06:12.660 --> 00:06:16.620
665
+ them and I and I think there's something
666
+
667
+ 167
668
+ 00:06:14.400 --> 00:06:18.960
669
+ about there's something about selling a
670
+
671
+ 168
672
+ 00:06:16.620 --> 00:06:20.580
673
+ a computer to somebody who isn't sure if
674
+
675
+ 169
676
+ 00:06:18.960 --> 00:06:22.560
677
+ they should pay for it that's very
678
+
679
+ 170
680
+ 00:06:20.580 --> 00:06:23.940
681
+ similar to pitching a show I think I
682
+
683
+ 171
684
+ 00:06:22.560 --> 00:06:26.039
685
+ probably learned everything I did about
686
+
687
+ 172
688
+ 00:06:23.940 --> 00:06:30.199
689
+ pitching shows trying to get people to
690
+
691
+ 173
692
+ 00:06:26.039 --> 00:06:30.199
693
+ buy like the pimped out MacBook Pro
694
+
695
+ 174
696
+ 00:06:30.260 --> 00:06:37.319
697
+ [Music]
698
+
699
+ 175
700
+ 00:06:33.979 --> 00:06:38.880
701
+ nice this is great
702
+
703
+ 176
704
+ 00:06:37.319 --> 00:06:40.319
705
+ so he mentioned in your intro but it
706
+
707
+ 177
708
+ 00:06:38.880 --> 00:06:42.300
709
+ Bears repeating that you really are a
710
+
711
+ 178
712
+ 00:06:40.319 --> 00:06:44.520
713
+ man of many hats I mean literally but
714
+
715
+ 179
716
+ 00:06:42.300 --> 00:06:46.919
717
+ also metaphorically you know you not
718
+
719
+ 180
720
+ 00:06:44.520 --> 00:06:49.380
721
+ only star in the show but also serve as
722
+
723
+ 181
724
+ 00:06:46.919 --> 00:06:51.900
725
+ a writer serve as a producer serve as a
726
+
727
+ 182
728
+ 00:06:49.380 --> 00:06:53.880
729
+ showrunner sometimes even a director is
730
+
731
+ 183
732
+ 00:06:51.900 --> 00:06:55.620
733
+ there a scene that you most regret had
734
+
735
+ 184
736
+ 00:06:53.880 --> 00:06:58.560
737
+ to be altered or scrubbed simply because
738
+
739
+ 185
740
+ 00:06:55.620 --> 00:07:00.180
741
+ the production ran out of money
742
+
743
+ 186
744
+ 00:06:58.560 --> 00:07:02.580
745
+ um there's always like a better solution
746
+
747
+ 187
748
+ 00:07:00.180 --> 00:07:04.919
749
+ I mean we were uh we wanted to get a
750
+
751
+ 188
752
+ 00:07:02.580 --> 00:07:09.539
753
+ tiger into a scene
754
+
755
+ 189
756
+ 00:07:04.919 --> 00:07:11.759
757
+ and um we had this scene where yeah we
758
+
759
+ 190
760
+ 00:07:09.539 --> 00:07:13.860
761
+ wanted this kind of Rich emirati dude to
762
+
763
+ 191
764
+ 00:07:11.759 --> 00:07:16.259
765
+ have a tiger and then production said it
766
+
767
+ 192
768
+ 00:07:13.860 --> 00:07:18.120
769
+ was too expensive but then they said it
770
+
771
+ 193
772
+ 00:07:16.259 --> 00:07:20.160
773
+ was unethical but they said it was too
774
+
775
+ 194
776
+ 00:07:18.120 --> 00:07:21.539
777
+ expensive first yeah and then all this
778
+
779
+ 195
780
+ 00:07:20.160 --> 00:07:22.620
781
+ and then we can't afford it and I'm like
782
+
783
+ 196
784
+ 00:07:21.539 --> 00:07:23.460
785
+ oh but it's been in the script and
786
+
787
+ 197
788
+ 00:07:22.620 --> 00:07:25.919
789
+ they're like actually it's really
790
+
791
+ 198
792
+ 00:07:23.460 --> 00:07:28.560
793
+ unethical and I was like okay and then I
794
+
795
+ 199
796
+ 00:07:25.919 --> 00:07:30.479
797
+ read about it and it is unethical so
798
+
799
+ 200
800
+ 00:07:28.560 --> 00:07:32.460
801
+ then we started talking about CGI and a
802
+
803
+ 201
804
+ 00:07:30.479 --> 00:07:35.460
805
+ tiger and definitely didn't have money
806
+
807
+ 202
808
+ 00:07:32.460 --> 00:07:37.740
809
+ for that but then it kind of turned into
810
+
811
+ 203
812
+ 00:07:35.460 --> 00:07:39.720
813
+ a better storyline where we were trying
814
+
815
+ 204
816
+ 00:07:37.740 --> 00:07:43.080
817
+ to think of something wild outside of
818
+
819
+ 205
820
+ 00:07:39.720 --> 00:07:45.180
821
+ this tiger bit uh and then we got Mia
822
+
823
+ 206
824
+ 00:07:43.080 --> 00:07:46.560
825
+ Khalifa would not like to do the same
826
+
827
+ 207
828
+ 00:07:45.180 --> 00:07:48.840
829
+ thing the tiger was going to do was just
830
+
831
+ 208
832
+ 00:07:46.560 --> 00:07:50.580
833
+ like a totally different storyline uh
834
+
835
+ 209
836
+ 00:07:48.840 --> 00:07:52.259
837
+ that fit into something and that ended
838
+
839
+ 210
840
+ 00:07:50.580 --> 00:07:55.610
841
+ up being one of I think my favorite
842
+
843
+ 211
844
+ 00:07:52.259 --> 00:08:01.139
845
+ episodes we did yeah foreign
846
+
847
+ 212
848
+ 00:07:55.610 --> 00:08:01.139
849
+ [Music]
850
+
851
+ 213
852
+ 00:08:08.780 --> 00:08:14.580
853
+ there we go I hook a second bite
854
+
855
+ 214
856
+ 00:08:12.419 --> 00:08:15.780
857
+ clocked it yeah all right Romney we have
858
+
859
+ 215
860
+ 00:08:14.580 --> 00:08:16.860
861
+ a crane segment on our show called
862
+
863
+ 216
864
+ 00:08:15.780 --> 00:08:18.120
865
+ explain that Graham we're gonna do a
866
+
867
+ 217
868
+ 00:08:16.860 --> 00:08:19.379
869
+ deep dive on our guest Instagram pull
870
+
871
+ 218
872
+ 00:08:18.120 --> 00:08:20.819
873
+ interesting pictures that need more
874
+
875
+ 219
876
+ 00:08:19.379 --> 00:08:22.379
877
+ context so we'll pull the picture up
878
+
879
+ 220
880
+ 00:08:20.819 --> 00:08:24.419
881
+ over here on the Monitor and you just
882
+
883
+ 221
884
+ 00:08:22.379 --> 00:08:25.919
885
+ tell us the bigger story yeah all right
886
+
887
+ 222
888
+ 00:08:24.419 --> 00:08:27.960
889
+ first things first
890
+
891
+ 223
892
+ 00:08:25.919 --> 00:08:29.400
893
+ so you and I are similar in that our
894
+
895
+ 224
896
+ 00:08:27.960 --> 00:08:30.840
897
+ dads didn't really understand what we
898
+
899
+ 225
900
+ 00:08:29.400 --> 00:08:32.760
901
+ were doing with our lives until we were
902
+
903
+ 226
904
+ 00:08:30.840 --> 00:08:34.680
905
+ on The Late Show if we asked your
906
+
907
+ 227
908
+ 00:08:32.760 --> 00:08:37.140
909
+ parents what would they say has been the
910
+
911
+ 228
912
+ 00:08:34.680 --> 00:08:38.820
913
+ highlight of your career so far I I
914
+
915
+ 229
916
+ 00:08:37.140 --> 00:08:40.440
917
+ think they yeah they were really happy
918
+
919
+ 230
920
+ 00:08:38.820 --> 00:08:42.300
921
+ that I did Colbert just because they
922
+
923
+ 231
924
+ 00:08:40.440 --> 00:08:44.339
925
+ knew him yeah right and so I had been
926
+
927
+ 232
928
+ 00:08:42.300 --> 00:08:45.600
929
+ working as a comedian as an actor doing
930
+
931
+ 233
932
+ 00:08:44.339 --> 00:08:47.459
933
+ things but when they saw me with him
934
+
935
+ 234
936
+ 00:08:45.600 --> 00:08:48.720
937
+ they were like oh wow like I don't know
938
+
939
+ 235
940
+ 00:08:47.459 --> 00:08:50.940
941
+ they thought he was gonna like take care
942
+
943
+ 236
944
+ 00:08:48.720 --> 00:08:52.320
945
+ of me or like keep sending me checks
946
+
947
+ 237
948
+ 00:08:50.940 --> 00:08:54.300
949
+ and they didn't they were just like oh
950
+
951
+ 238
952
+ 00:08:52.320 --> 00:08:55.940
953
+ he knows Colbert like he'll you know
954
+
955
+ 239
956
+ 00:08:54.300 --> 00:08:58.200
957
+ he'll he'll just be able to call him
958
+
959
+ 240
960
+ 00:08:55.940 --> 00:09:00.720
961
+ that that was a big that was a really
962
+
963
+ 241
964
+ 00:08:58.200 --> 00:09:04.200
965
+ big one for them and then this is from
966
+
967
+ 242
968
+ 00:09:00.720 --> 00:09:06.779
969
+ your directorial debut at 10 years old
970
+
971
+ 243
972
+ 00:09:04.200 --> 00:09:08.640
973
+ who or to what do you credit with your
974
+
975
+ 244
976
+ 00:09:06.779 --> 00:09:10.740
977
+ fascination with filmmaking at a young
978
+
979
+ 245
980
+ 00:09:08.640 --> 00:09:13.140
981
+ age and then do you have a home movie
982
+
983
+ 246
984
+ 00:09:10.740 --> 00:09:15.300
985
+ that you look back on and think that was
986
+
987
+ 247
988
+ 00:09:13.140 --> 00:09:18.060
989
+ really my best work
990
+
991
+ 248
992
+ 00:09:15.300 --> 00:09:20.519
993
+ yeah I was I was very obsessed with with
994
+
995
+ 249
996
+ 00:09:18.060 --> 00:09:23.160
997
+ making my own uh I was trying to make an
998
+
999
+ 250
1000
+ 00:09:20.519 --> 00:09:24.899
1001
+ End one mixtape here I really because I
1002
+
1003
+ 251
1004
+ 00:09:23.160 --> 00:09:26.459
1005
+ thought but you kind of subverted it a
1006
+
1007
+ 252
1008
+ 00:09:24.899 --> 00:09:28.019
1009
+ little bit you know like that bag of
1010
+
1011
+ 253
1012
+ 00:09:26.459 --> 00:09:29.399
1013
+ like missing the shots all the time
1014
+
1015
+ 254
1016
+ 00:09:28.019 --> 00:09:31.140
1017
+ that's kind of like a good gag for a 10
1018
+
1019
+ 255
1020
+ 00:09:29.399 --> 00:09:32.700
1021
+ year old it was it was yeah it was
1022
+
1023
+ 256
1024
+ 00:09:31.140 --> 00:09:34.080
1025
+ definitely elevated
1026
+
1027
+ 257
1028
+ 00:09:32.700 --> 00:09:36.120
1029
+ um I think I I was like all right I'll
1030
+
1031
+ 258
1032
+ 00:09:34.080 --> 00:09:37.260
1033
+ make it funny until I get my growth
1034
+
1035
+ 259
1036
+ 00:09:36.120 --> 00:09:38.160
1037
+ spurt that was my whole thing because I
1038
+
1039
+ 260
1040
+ 00:09:37.260 --> 00:09:40.500
1041
+ remember reading about Michael Jordan
1042
+
1043
+ 261
1044
+ 00:09:38.160 --> 00:09:42.000
1045
+ like he grew six inches you know his
1046
+
1047
+ 262
1048
+ 00:09:40.500 --> 00:09:43.380
1049
+ between his like sophomore and junior
1050
+
1051
+ 263
1052
+ 00:09:42.000 --> 00:09:45.060
1053
+ year yeah and so I thought that was
1054
+
1055
+ 264
1056
+ 00:09:43.380 --> 00:09:47.580
1057
+ gonna happen to me and so I thought
1058
+
1059
+ 265
1060
+ 00:09:45.060 --> 00:09:49.080
1061
+ until then I'll just be funny then I'll
1062
+
1063
+ 266
1064
+ 00:09:47.580 --> 00:09:50.040
1065
+ get the growth spurt then I'll play in
1066
+
1067
+ 267
1068
+ 00:09:49.080 --> 00:09:53.160
1069
+ the league
1070
+
1071
+ 268
1072
+ 00:09:50.040 --> 00:09:55.560
1073
+ and here we are I but the thing is my
1074
+
1075
+ 269
1076
+ 00:09:53.160 --> 00:09:57.240
1077
+ favorite part of doing well in comedy is
1078
+
1079
+ 270
1080
+ 00:09:55.560 --> 00:09:59.279
1081
+ getting quartzite seats so it's like
1082
+
1083
+ 271
1084
+ 00:09:57.240 --> 00:10:01.560
1085
+ it's like all just to like be close to
1086
+
1087
+ 272
1088
+ 00:09:59.279 --> 00:10:02.820
1089
+ basketball like that that's been the
1090
+
1091
+ 273
1092
+ 00:10:01.560 --> 00:10:04.740
1093
+ best part of the whole thing I
1094
+
1095
+ 274
1096
+ 00:10:02.820 --> 00:10:07.260
1097
+ understand what you're saying 100 like I
1098
+
1099
+ 275
1100
+ 00:10:04.740 --> 00:10:09.300
1101
+ really think that my only goal in all of
1102
+
1103
+ 276
1104
+ 00:10:07.260 --> 00:10:11.160
1105
+ this is to just infiltrate the teams
1106
+
1107
+ 277
1108
+ 00:10:09.300 --> 00:10:12.720
1109
+ that I grew up with
1110
+
1111
+ 278
1112
+ 00:10:11.160 --> 00:10:14.760
1113
+ I saw you announcing like a draft pick
1114
+
1115
+ 279
1116
+ 00:10:12.720 --> 00:10:16.380
1117
+ too yeah yeah I did I did uh I did the
1118
+
1119
+ 280
1120
+ 00:10:14.760 --> 00:10:18.060
1121
+ Chicago Bears second round pick shout
1122
+
1123
+ 281
1124
+ 00:10:16.380 --> 00:10:19.800
1125
+ out Jaquan brisker defensive back Penn
1126
+
1127
+ 282
1128
+ 00:10:18.060 --> 00:10:21.120
1129
+ State actually having a great year but
1130
+
1131
+ 283
1132
+ 00:10:19.800 --> 00:10:22.080
1133
+ that's the only reason I do any of this
1134
+
1135
+ 284
1136
+ 00:10:21.120 --> 00:10:24.800
1137
+ really
1138
+
1139
+ 285
1140
+ 00:10:22.080 --> 00:10:27.100
1141
+ just to do that shout out
1142
+
1143
+ 286
1144
+ 00:10:24.800 --> 00:10:32.399
1145
+ yeah it's very exciting
1146
+
1147
+ 287
1148
+ 00:10:27.100 --> 00:10:35.540
1149
+ [Music]
1150
+
1151
+ 288
1152
+ 00:10:32.399 --> 00:10:35.540
1153
+ kind of a step up here yeah
1154
+
1155
+ 289
1156
+ 00:10:35.720 --> 00:10:38.959
1157
+ oh yeah
1158
+
1159
+ 290
1160
+ 00:10:40.740 --> 00:10:45.540
1161
+ six kind of comes out of nowhere
1162
+
1163
+ 291
1164
+ 00:10:44.040 --> 00:10:47.220
1165
+ you know I'll say when we put together
1166
+
1167
+ 292
1168
+ 00:10:45.540 --> 00:10:48.899
1169
+ this you know it's kind of complicated
1170
+
1171
+ 293
1172
+ 00:10:47.220 --> 00:10:50.880
1173
+ putting together the lineup right
1174
+
1175
+ 294
1176
+ 00:10:48.899 --> 00:10:53.100
1177
+ because you gotta get there you know
1178
+
1179
+ 295
1180
+ 00:10:50.880 --> 00:10:53.940
1181
+ that's why people are tuning in yeah but
1182
+
1183
+ 296
1184
+ 00:10:53.100 --> 00:10:56.160
1185
+ you can't
1186
+
1187
+ 297
1188
+ 00:10:53.940 --> 00:10:58.560
1189
+ totally smoke people out like in the
1190
+
1191
+ 298
1192
+ 00:10:56.160 --> 00:11:00.600
1193
+ first half you know so then what I find
1194
+
1195
+ 299
1196
+ 00:10:58.560 --> 00:11:04.140
1197
+ ends up happening in the back half is it
1198
+
1199
+ 300
1200
+ 00:11:00.600 --> 00:11:05.880
1201
+ really is like exponentially yeah going
1202
+
1203
+ 301
1204
+ 00:11:04.140 --> 00:11:07.740
1205
+ up and up with each sauce but I think
1206
+
1207
+ 302
1208
+ 00:11:05.880 --> 00:11:09.420
1209
+ this is the first one that really no I
1210
+
1211
+ 303
1212
+ 00:11:07.740 --> 00:11:14.100
1213
+ know we were just talking about my
1214
+
1215
+ 304
1216
+ 00:11:09.420 --> 00:11:16.079
1217
+ childhood and then six is like yeah it's
1218
+
1219
+ 305
1220
+ 00:11:14.100 --> 00:11:17.220
1221
+ a big jump big jump
1222
+
1223
+ 306
1224
+ 00:11:16.079 --> 00:11:19.200
1225
+ okay
1226
+
1227
+ 307
1228
+ 00:11:17.220 --> 00:11:20.640
1229
+ so pitch stories fascinate me for one
1230
+
1231
+ 308
1232
+ 00:11:19.200 --> 00:11:22.079
1233
+ because they can make or break a project
1234
+
1235
+ 309
1236
+ 00:11:20.640 --> 00:11:24.120
1237
+ but two just because they're good
1238
+
1239
+ 310
1240
+ 00:11:22.079 --> 00:11:26.399
1241
+ old-fashioned Show Business closed-door
1242
+
1243
+ 311
1244
+ 00:11:24.120 --> 00:11:28.500
1245
+ Affairs thinking back on when you first
1246
+
1247
+ 312
1248
+ 00:11:26.399 --> 00:11:30.000
1249
+ started pitching Romney to now what
1250
+
1251
+ 313
1252
+ 00:11:28.500 --> 00:11:31.320
1253
+ would you say are the biggest lessons
1254
+
1255
+ 314
1256
+ 00:11:30.000 --> 00:11:32.700
1257
+ you've learned about the art of the
1258
+
1259
+ 315
1260
+ 00:11:31.320 --> 00:11:34.260
1261
+ Hollywood cell
1262
+
1263
+ 316
1264
+ 00:11:32.700 --> 00:11:36.000
1265
+ I think they want to hear that there's a
1266
+
1267
+ 317
1268
+ 00:11:34.260 --> 00:11:38.279
1269
+ way in for everybody yeah so it's like
1270
+
1271
+ 318
1272
+ 00:11:36.000 --> 00:11:39.899
1273
+ those things are are the reason why I
1274
+
1275
+ 319
1276
+ 00:11:38.279 --> 00:11:42.720
1277
+ kind of yeah Zone in on them is because
1278
+
1279
+ 320
1280
+ 00:11:39.899 --> 00:11:43.500
1281
+ it it does feel like you could get a
1282
+
1283
+ 321
1284
+ 00:11:42.720 --> 00:11:44.760
1285
+ different
1286
+
1287
+ 322
1288
+ 00:11:43.500 --> 00:11:46.680
1289
+ culture and you could get a different
1290
+
1291
+ 323
1292
+ 00:11:44.760 --> 00:11:48.540
1293
+ experience in but it's also everybody's
1294
+
1295
+ 324
1296
+ 00:11:46.680 --> 00:11:49.740
1297
+ experience and I think that's what what
1298
+
1299
+ 325
1300
+ 00:11:48.540 --> 00:11:51.779
1301
+ everyone's looking for they want it to
1302
+
1303
+ 326
1304
+ 00:11:49.740 --> 00:11:53.279
1305
+ be super specific and they want it to be
1306
+
1307
+ 327
1308
+ 00:11:51.779 --> 00:11:55.860
1309
+ the broadest thing on earth and those
1310
+
1311
+ 328
1312
+ 00:11:53.279 --> 00:11:57.180
1313
+ things totally clash and I think most
1314
+
1315
+ 329
1316
+ 00:11:55.860 --> 00:11:58.560
1317
+ shows that don't work or that you watch
1318
+
1319
+ 330
1320
+ 00:11:57.180 --> 00:12:00.600
1321
+ that you don't like you're like oh yeah
1322
+
1323
+ 331
1324
+ 00:11:58.560 --> 00:12:02.519
1325
+ well that it's because the ask was
1326
+
1327
+ 332
1328
+ 00:12:00.600 --> 00:12:05.579
1329
+ impossible like they wanted it to be for
1330
+
1331
+ 333
1332
+ 00:12:02.519 --> 00:12:06.899
1333
+ everybody but also different
1334
+
1335
+ 334
1336
+ 00:12:05.579 --> 00:12:08.579
1337
+ um so it's a tough thing to look for
1338
+
1339
+ 335
1340
+ 00:12:06.899 --> 00:12:09.959
1341
+ it's a tough thing to deliver but I
1342
+
1343
+ 336
1344
+ 00:12:08.579 --> 00:12:12.180
1345
+ think the right people in the right
1346
+
1347
+ 337
1348
+ 00:12:09.959 --> 00:12:15.180
1349
+ stories you can kind of you can find it
1350
+
1351
+ 338
1352
+ 00:12:12.180 --> 00:12:15.180
1353
+ okay
1354
+
1355
+ 339
1356
+ 00:12:17.660 --> 00:12:22.720
1357
+ [Music]
1358
+
1359
+ 340
1360
+ 00:12:23.540 --> 00:12:28.980
1361
+ and then this one kind of sweet up front
1362
+
1363
+ 341
1364
+ 00:12:26.519 --> 00:12:32.420
1365
+ but then
1366
+
1367
+ 342
1368
+ 00:12:28.980 --> 00:12:32.420
1369
+ wow yeah
1370
+
1371
+ 343
1372
+ 00:12:32.459 --> 00:12:37.680
1373
+ yeah it's all right it's too crazy it's
1374
+
1375
+ 344
1376
+ 00:12:35.700 --> 00:12:39.240
1377
+ like the more the time goes on it gets
1378
+
1379
+ 345
1380
+ 00:12:37.680 --> 00:12:41.160
1381
+ worse it's like everything's really
1382
+
1383
+ 346
1384
+ 00:12:39.240 --> 00:12:42.540
1385
+ tingling you know and who knows how
1386
+
1387
+ 347
1388
+ 00:12:41.160 --> 00:12:44.399
1389
+ these things are all working together
1390
+
1391
+ 348
1392
+ 00:12:42.540 --> 00:12:46.380
1393
+ against you with it at this point you
1394
+
1395
+ 349
1396
+ 00:12:44.399 --> 00:12:47.940
1397
+ know like what what what had this active
1398
+
1399
+ 350
1400
+ 00:12:46.380 --> 00:12:49.260
1401
+ ingredient or whatever to create this
1402
+
1403
+ 351
1404
+ 00:12:47.940 --> 00:12:50.339
1405
+ cumulative effect to this thing that
1406
+
1407
+ 352
1408
+ 00:12:49.260 --> 00:12:54.320
1409
+ we're going yeah it's like the opposite
1410
+
1411
+ 353
1412
+ 00:12:50.339 --> 00:12:57.540
1413
+ of momentum yes it's getting uh
1414
+
1415
+ 354
1416
+ 00:12:54.320 --> 00:13:00.959
1417
+ ah more resistance more resistance but
1418
+
1419
+ 355
1420
+ 00:12:57.540 --> 00:13:02.880
1421
+ still we endure yeah we march on
1422
+
1423
+ 356
1424
+ 00:13:00.959 --> 00:13:04.980
1425
+ I kind of don't want to use the milk
1426
+
1427
+ 357
1428
+ 00:13:02.880 --> 00:13:06.959
1429
+ yeah I know I'm trying to be strategic
1430
+
1431
+ 358
1432
+ 00:13:04.980 --> 00:13:09.440
1433
+ about the milk okay because I feel like
1434
+
1435
+ 359
1436
+ 00:13:06.959 --> 00:13:12.240
1437
+ I don't want to get um
1438
+
1439
+ 360
1440
+ 00:13:09.440 --> 00:13:14.160
1441
+ this is crazy this is so hot I don't
1442
+
1443
+ 361
1444
+ 00:13:12.240 --> 00:13:16.260
1445
+ want to get used to the milk I kind of
1446
+
1447
+ 362
1448
+ 00:13:14.160 --> 00:13:17.820
1449
+ want right like when you get it it'll be
1450
+
1451
+ 363
1452
+ 00:13:16.260 --> 00:13:19.860
1453
+ like like you've been wandering the
1454
+
1455
+ 364
1456
+ 00:13:17.820 --> 00:13:21.660
1457
+ desert for days and days and days and
1458
+
1459
+ 365
1460
+ 00:13:19.860 --> 00:13:23.880
1461
+ then you find like an oasis or something
1462
+
1463
+ 366
1464
+ 00:13:21.660 --> 00:13:25.560
1465
+ like you want that milk to hit like that
1466
+
1467
+ 367
1468
+ 00:13:23.880 --> 00:13:28.200
1469
+ the milk like going in the milk now
1470
+
1471
+ 368
1472
+ 00:13:25.560 --> 00:13:29.700
1473
+ would feel like uh like breaking into my
1474
+
1475
+ 369
1476
+ 00:13:28.200 --> 00:13:31.139
1477
+ retirement too early you're right yeah
1478
+
1479
+ 370
1480
+ 00:13:29.700 --> 00:13:33.300
1481
+ where I'm like I gotta save that for
1482
+
1483
+ 371
1484
+ 00:13:31.139 --> 00:13:34.680
1485
+ when it gets real bad like I think I
1486
+
1487
+ 372
1488
+ 00:13:33.300 --> 00:13:37.079
1489
+ could just let me let me wait it out
1490
+
1491
+ 373
1492
+ 00:13:34.680 --> 00:13:38.940
1493
+ look at you with a hot sauce analogy too
1494
+
1495
+ 374
1496
+ 00:13:37.079 --> 00:13:41.040
1497
+ here it's like now turning into this um
1498
+
1499
+ 375
1500
+ 00:13:38.940 --> 00:13:43.260
1501
+ yeah well the thing in the in the desert
1502
+
1503
+ 376
1504
+ 00:13:41.040 --> 00:13:44.940
1505
+ inspired me I was like I was like Wow
1506
+
1507
+ 377
1508
+ 00:13:43.260 --> 00:13:47.940
1509
+ Let's Build on this if we make this
1510
+
1511
+ 378
1512
+ 00:13:44.940 --> 00:13:51.860
1513
+ poetic it'll hurt less and maybe that's
1514
+
1515
+ 379
1516
+ 00:13:47.940 --> 00:13:51.860
1517
+ what all poetry is just not feel pain
1518
+
1519
+ 380
1520
+ 00:13:59.180 --> 00:14:02.880
1521
+ that's what they've been writing about
1522
+
1523
+ 381
1524
+ 00:14:01.079 --> 00:14:05.579
1525
+ and that's why it's short because
1526
+
1527
+ 382
1528
+ 00:14:02.880 --> 00:14:07.320
1529
+ they're they're in pain four lines
1530
+
1531
+ 383
1532
+ 00:14:05.579 --> 00:14:08.480
1533
+ that's all I can do because everything
1534
+
1535
+ 384
1536
+ 00:14:07.320 --> 00:14:10.740
1537
+ hurts
1538
+
1539
+ 385
1540
+ 00:14:08.480 --> 00:14:13.500
1541
+ what goes through your head when you get
1542
+
1543
+ 386
1544
+ 00:14:10.740 --> 00:14:15.660
1545
+ listed on gq's list of the most stylish
1546
+
1547
+ 387
1548
+ 00:14:13.500 --> 00:14:17.220
1549
+ funny men alongside Jonah Hill and Seth
1550
+
1551
+ 388
1552
+ 00:14:15.660 --> 00:14:18.839
1553
+ Rogen like when you see that kind of
1554
+
1555
+ 389
1556
+ 00:14:17.220 --> 00:14:20.339
1557
+ press does that make you feel good or is
1558
+
1559
+ 390
1560
+ 00:14:18.839 --> 00:14:22.440
1561
+ it just put more pressure on you every
1562
+
1563
+ 391
1564
+ 00:14:20.339 --> 00:14:25.920
1565
+ time you leave the house uh when they
1566
+
1567
+ 392
1568
+ 00:14:22.440 --> 00:14:27.480
1569
+ say most stylish funny men I'm like yeah
1570
+
1571
+ 393
1572
+ 00:14:25.920 --> 00:14:30.200
1573
+ that yeah because you're like in the
1574
+
1575
+ 394
1576
+ 00:14:27.480 --> 00:14:32.880
1577
+ yeah I mean where's the competition yeah
1578
+
1579
+ 395
1580
+ 00:14:30.200 --> 00:14:35.160
1581
+ come on
1582
+
1583
+ 396
1584
+ 00:14:32.880 --> 00:14:37.680
1585
+ comedians yeah if it's I'll wait for
1586
+
1587
+ 397
1588
+ 00:14:35.160 --> 00:14:39.779
1589
+ what is most stylish men yeah
1590
+
1591
+ 398
1592
+ 00:14:37.680 --> 00:14:41.639
1593
+ okay but if you're gonna put that funny
1594
+
1595
+ 399
1596
+ 00:14:39.779 --> 00:14:45.500
1597
+ asterisk I better be on the [ __ ]
1598
+
1599
+ 400
1600
+ 00:14:41.639 --> 00:14:45.500
1601
+ cover that's how I feel
1602
+
1603
+ 401
1604
+ 00:14:49.399 --> 00:14:54.300
1605
+ I gave that one a smell yeah that one
1606
+
1607
+ 402
1608
+ 00:14:52.139 --> 00:14:56.160
1609
+ usually I wouldn't recommend that's the
1610
+
1611
+ 403
1612
+ 00:14:54.300 --> 00:14:58.740
1613
+ smell because then it gets into your
1614
+
1615
+ 404
1616
+ 00:14:56.160 --> 00:15:00.420
1617
+ head and I really wish I didn't do that
1618
+
1619
+ 405
1620
+ 00:14:58.740 --> 00:15:02.279
1621
+ actually I know everyone told me to not
1622
+
1623
+ 406
1624
+ 00:15:00.420 --> 00:15:04.199
1625
+ touch my eyes but no one told me to not
1626
+
1627
+ 407
1628
+ 00:15:02.279 --> 00:15:05.880
1629
+ smell I think we might have to add that
1630
+
1631
+ 408
1632
+ 00:15:04.199 --> 00:15:07.920
1633
+ you know has a line item don't touch
1634
+
1635
+ 409
1636
+ 00:15:05.880 --> 00:15:10.920
1637
+ your eyes don't because I actually don't
1638
+
1639
+ 410
1640
+ 00:15:07.920 --> 00:15:12.180
1641
+ I feel what I smell already
1642
+
1643
+ 411
1644
+ 00:15:10.920 --> 00:15:14.520
1645
+ mm-hmm
1646
+
1647
+ 412
1648
+ 00:15:12.180 --> 00:15:19.600
1649
+ okay
1650
+
1651
+ 413
1652
+ 00:15:14.520 --> 00:15:19.600
1653
+ [Music]
1654
+
1655
+ 414
1656
+ 00:15:20.519 --> 00:15:25.079
1657
+ right
1658
+
1659
+ 415
1660
+ 00:15:22.860 --> 00:15:27.000
1661
+ people does anyone enjoy eating this or
1662
+
1663
+ 416
1664
+ 00:15:25.079 --> 00:15:28.320
1665
+ was it just made for this no no just you
1666
+
1667
+ 417
1668
+ 00:15:27.000 --> 00:15:31.760
1669
+ know this it's like you're supposed to
1670
+
1671
+ 418
1672
+ 00:15:28.320 --> 00:15:31.760
1673
+ enjoy food ah
1674
+
1675
+ 419
1676
+ 00:15:37.880 --> 00:15:44.220
1677
+ and we're back yeah we're back
1678
+
1679
+ 420
1680
+ 00:15:41.040 --> 00:15:46.079
1681
+ there we go so you once said I probably
1682
+
1683
+ 421
1684
+ 00:15:44.220 --> 00:15:48.720
1685
+ have just as hard of a time defending
1686
+
1687
+ 422
1688
+ 00:15:46.079 --> 00:15:50.760
1689
+ New Jersey as I do defending Muslims so
1690
+
1691
+ 423
1692
+ 00:15:48.720 --> 00:15:52.860
1693
+ on that note what I want to do is Bounce
1694
+
1695
+ 424
1696
+ 00:15:50.760 --> 00:15:55.380
1697
+ a few Garden State Hallmarks off of you
1698
+
1699
+ 425
1700
+ 00:15:52.860 --> 00:15:57.060
1701
+ just to see if you can craft defense and
1702
+
1703
+ 426
1704
+ 00:15:55.380 --> 00:15:59.660
1705
+ these most bizarre of circumstances
1706
+
1707
+ 427
1708
+ 00:15:57.060 --> 00:15:59.660
1709
+ sound good
1710
+
1711
+ 428
1712
+ 00:15:59.880 --> 00:16:02.820
1713
+ yeah
1714
+
1715
+ 429
1716
+ 00:16:01.440 --> 00:16:05.940
1717
+ Wawa
1718
+
1719
+ 430
1720
+ 00:16:02.820 --> 00:16:07.320
1721
+ wow is Iconic Wawa is amazing it's like
1722
+
1723
+ 431
1724
+ 00:16:05.940 --> 00:16:09.240
1725
+ a gas station store but it's really it's
1726
+
1727
+ 432
1728
+ 00:16:07.320 --> 00:16:10.740
1729
+ a culture it means I think it means a
1730
+
1731
+ 433
1732
+ 00:16:09.240 --> 00:16:11.639
1733
+ lot to a lot of people
1734
+
1735
+ 434
1736
+ 00:16:10.740 --> 00:16:12.899
1737
+ um
1738
+
1739
+ 435
1740
+ 00:16:11.639 --> 00:16:14.880
1741
+ great logo
1742
+
1743
+ 436
1744
+ 00:16:12.899 --> 00:16:17.279
1745
+ adorable stop there
1746
+
1747
+ 437
1748
+ 00:16:14.880 --> 00:16:19.339
1749
+ you know you get all you need yeah Joe
1750
+
1751
+ 438
1752
+ 00:16:17.279 --> 00:16:22.860
1753
+ Budden
1754
+
1755
+ 439
1756
+ 00:16:19.339 --> 00:16:24.540
1757
+ Joe Budden I'm a fan I'm a fan and I
1758
+
1759
+ 440
1760
+ 00:16:22.860 --> 00:16:25.920
1761
+ think you just got a Joe Budden you just
1762
+
1763
+ 441
1764
+ 00:16:24.540 --> 00:16:27.779
1765
+ gotta sit with his work it doesn't hit
1766
+
1767
+ 442
1768
+ 00:16:25.920 --> 00:16:29.880
1769
+ you all at once I think it's it's waves
1770
+
1771
+ 443
1772
+ 00:16:27.779 --> 00:16:33.360
1773
+ it's kind of like the kind of kind of
1774
+
1775
+ 444
1776
+ 00:16:29.880 --> 00:16:37.139
1777
+ like this Jon Bon Jovi oh my God legend
1778
+
1779
+ 445
1780
+ 00:16:33.360 --> 00:16:38.759
1781
+ legend uh Bon Jovi I I would listen to
1782
+
1783
+ 446
1784
+ 00:16:37.139 --> 00:16:40.680
1785
+ him as a kid I walk up and down the
1786
+
1787
+ 447
1788
+ 00:16:38.759 --> 00:16:42.240
1789
+ block just like
1790
+
1791
+ 448
1792
+ 00:16:40.680 --> 00:16:45.500
1793
+ emotional
1794
+
1795
+ 449
1796
+ 00:16:42.240 --> 00:16:47.759
1797
+ good good man I think
1798
+
1799
+ 450
1800
+ 00:16:45.500 --> 00:16:50.399
1801
+ excuse me I kind of wanted to burp yeah
1802
+
1803
+ 451
1804
+ 00:16:47.759 --> 00:16:52.079
1805
+ Joe had you know yeah but I suppressed
1806
+
1807
+ 452
1808
+ 00:16:50.399 --> 00:16:54.959
1809
+ it
1810
+
1811
+ 453
1812
+ 00:16:52.079 --> 00:16:57.240
1813
+ I actually feel okay for a moment yeah
1814
+
1815
+ 454
1816
+ 00:16:54.959 --> 00:16:58.860
1817
+ like I have like uh
1818
+
1819
+ 455
1820
+ 00:16:57.240 --> 00:17:01.079
1821
+ there's like a quiet
1822
+
1823
+ 456
1824
+ 00:16:58.860 --> 00:17:02.699
1825
+ calmness yeah you know like sometimes
1826
+
1827
+ 457
1828
+ 00:17:01.079 --> 00:17:04.799
1829
+ you can get like a little light-headed
1830
+
1831
+ 458
1832
+ 00:17:02.699 --> 00:17:06.839
1833
+ off of it a little bit yeah
1834
+
1835
+ 459
1836
+ 00:17:04.799 --> 00:17:08.579
1837
+ Transcendent experience the hot ones
1838
+
1839
+ 460
1840
+ 00:17:06.839 --> 00:17:10.510
1841
+ Gauntlet each and every time every time
1842
+
1843
+ 461
1844
+ 00:17:08.579 --> 00:17:20.000
1845
+ right every time
1846
+
1847
+ 462
1848
+ 00:17:10.510 --> 00:17:22.559
1849
+ [Music]
1850
+
1851
+ 463
1852
+ 00:17:20.000 --> 00:17:24.600
1853
+ I'm kind of not feeling a lot right now
1854
+
1855
+ 464
1856
+ 00:17:22.559 --> 00:17:27.540
1857
+ I'm just here
1858
+
1859
+ 465
1860
+ 00:17:24.600 --> 00:17:30.299
1861
+ I'm just here with you
1862
+
1863
+ 466
1864
+ 00:17:27.540 --> 00:17:33.540
1865
+ whoa
1866
+
1867
+ 467
1868
+ 00:17:30.299 --> 00:17:35.160
1869
+ that headlight I'm sorry no that was it
1870
+
1871
+ 468
1872
+ 00:17:33.540 --> 00:17:36.720
1873
+ was kind of like oh my God I wish I
1874
+
1875
+ 469
1876
+ 00:17:35.160 --> 00:17:38.179
1877
+ didn't do that I kicked it all up to the
1878
+
1879
+ 470
1880
+ 00:17:36.720 --> 00:17:41.160
1881
+ yeah
1882
+
1883
+ 471
1884
+ 00:17:38.179 --> 00:17:43.140
1885
+ it sounded like
1886
+
1887
+ 472
1888
+ 00:17:41.160 --> 00:17:45.799
1889
+ there might have been something coming
1890
+
1891
+ 473
1892
+ 00:17:43.140 --> 00:17:45.799
1893
+ with that one
1894
+
1895
+ 474
1896
+ 00:17:46.020 --> 00:17:49.799
1897
+ see once stolen Romney executive
1898
+
1899
+ 475
1900
+ 00:17:47.580 --> 00:17:52.080
1901
+ producer drag Carmichael I want to make
1902
+
1903
+ 476
1904
+ 00:17:49.799 --> 00:17:53.940
1905
+ something where God isn't cheesy what
1906
+
1907
+ 477
1908
+ 00:17:52.080 --> 00:17:55.740
1909
+ tropes or cliches bother you the most
1910
+
1911
+ 478
1912
+ 00:17:53.940 --> 00:17:57.660
1913
+ about the way that religion is depicted
1914
+
1915
+ 479
1916
+ 00:17:55.740 --> 00:17:58.440
1917
+ on screen
1918
+
1919
+ 480
1920
+ 00:17:57.660 --> 00:18:00.120
1921
+ um
1922
+
1923
+ 481
1924
+ 00:17:58.440 --> 00:18:01.679
1925
+ yeah it always feels like there's he's
1926
+
1927
+ 482
1928
+ 00:18:00.120 --> 00:18:04.260
1929
+ like
1930
+
1931
+ 483
1932
+ 00:18:01.679 --> 00:18:06.419
1933
+ big gates in Heaven
1934
+
1935
+ 484
1936
+ 00:18:04.260 --> 00:18:08.760
1937
+ or uh
1938
+
1939
+ 485
1940
+ 00:18:06.419 --> 00:18:11.700
1941
+ or like um
1942
+
1943
+ 486
1944
+ 00:18:08.760 --> 00:18:13.320
1945
+ like a man in the sky you know God's man
1946
+
1947
+ 487
1948
+ 00:18:11.700 --> 00:18:15.600
1949
+ in the sky you know and I you know I
1950
+
1951
+ 488
1952
+ 00:18:13.320 --> 00:18:18.000
1953
+ love Morgan Freeman but like I I wanted
1954
+
1955
+ 489
1956
+ 00:18:15.600 --> 00:18:21.179
1957
+ to make something that feels like that
1958
+
1959
+ 490
1960
+ 00:18:18.000 --> 00:18:22.740
1961
+ rattling guilt that's inside you that
1962
+
1963
+ 491
1964
+ 00:18:21.179 --> 00:18:24.360
1965
+ kind of follows you and then also that
1966
+
1967
+ 492
1968
+ 00:18:22.740 --> 00:18:25.919
1969
+ feeling of hope you know that even
1970
+
1971
+ 493
1972
+ 00:18:24.360 --> 00:18:27.539
1973
+ though there's a dead end there could be
1974
+
1975
+ 494
1976
+ 00:18:25.919 --> 00:18:30.360
1977
+ something more
1978
+
1979
+ 495
1980
+ 00:18:27.539 --> 00:18:31.799
1981
+ I think like now this is that's what's
1982
+
1983
+ 496
1984
+ 00:18:30.360 --> 00:18:33.419
1985
+ getting me through In This Moment is
1986
+
1987
+ 497
1988
+ 00:18:31.799 --> 00:18:35.240
1989
+ that hope that there could be you know
1990
+
1991
+ 498
1992
+ 00:18:33.419 --> 00:18:37.740
1993
+ that there will be later
1994
+
1995
+ 499
1996
+ 00:18:35.240 --> 00:18:40.500
1997
+ like I'll make it to level 10 because of
1998
+
1999
+ 500
2000
+ 00:18:37.740 --> 00:18:42.000
2001
+ God you know yeah that's that's why I'm
2002
+
2003
+ 501
2004
+ 00:18:40.500 --> 00:18:43.080
2005
+ that's the only thing that's kind of
2006
+
2007
+ 502
2008
+ 00:18:42.000 --> 00:18:45.000
2009
+ getting me through right now because I
2010
+
2011
+ 503
2012
+ 00:18:43.080 --> 00:18:47.900
2013
+ definitely feel
2014
+
2015
+ 504
2016
+ 00:18:45.000 --> 00:18:52.039
2017
+ this isn't good oh
2018
+
2019
+ 505
2020
+ 00:18:47.900 --> 00:18:52.039
2021
+ Living on a Prayer
2022
+
2023
+ 506
2024
+ 00:18:53.820 --> 00:18:58.320
2025
+ I have never understood like that is if
2026
+
2027
+ 507
2028
+ 00:18:56.580 --> 00:19:00.240
2029
+ we were directing this
2030
+
2031
+ 508
2032
+ 00:18:58.320 --> 00:19:02.820
2033
+ we've been on a Prayer right now needle
2034
+
2035
+ 509
2036
+ 00:19:00.240 --> 00:19:04.480
2037
+ drop this is the score of what's
2038
+
2039
+ 510
2040
+ 00:19:02.820 --> 00:19:08.340
2041
+ Happening Now
2042
+
2043
+ 511
2044
+ 00:19:04.480 --> 00:19:10.140
2045
+ [Music]
2046
+
2047
+ 512
2048
+ 00:19:08.340 --> 00:19:12.500
2049
+ I'm gonna do it I don't want to give up
2050
+
2051
+ 513
2052
+ 00:19:10.140 --> 00:19:12.500
2053
+ on tradition
2054
+
2055
+ 514
2056
+ 00:19:13.460 --> 00:19:18.539
2057
+ but just be careful
2058
+
2059
+ 515
2060
+ 00:19:16.559 --> 00:19:21.000
2061
+ there's no stopper on this bottle I put
2062
+
2063
+ 516
2064
+ 00:19:18.539 --> 00:19:23.520
2065
+ so much more than a dab I know I'm gonna
2066
+
2067
+ 517
2068
+ 00:19:21.000 --> 00:19:24.900
2069
+ do it there we go wow digging our own
2070
+
2071
+ 518
2072
+ 00:19:23.520 --> 00:19:28.320
2073
+ Graves here on this you see how much is
2074
+
2075
+ 519
2076
+ 00:19:24.900 --> 00:19:29.760
2077
+ on this yeah that's a significant yeah
2078
+
2079
+ 520
2080
+ 00:19:28.320 --> 00:19:32.900
2081
+ cheers
2082
+
2083
+ 521
2084
+ 00:19:29.760 --> 00:19:32.900
2085
+ cheers thank you
2086
+
2087
+ 522
2088
+ 00:19:33.040 --> 00:19:37.799
2089
+ [Music]
2090
+
2091
+ 523
2092
+ 00:19:36.179 --> 00:19:39.480
2093
+ so to close things out what I want to do
2094
+
2095
+ 524
2096
+ 00:19:37.799 --> 00:19:41.700
2097
+ is hit you with a quote that is just so
2098
+
2099
+ 525
2100
+ 00:19:39.480 --> 00:19:43.260
2101
+ quintessentially in New Jersey some of
2102
+
2103
+ 526
2104
+ 00:19:41.700 --> 00:19:44.940
2105
+ the most important conversations I've
2106
+
2107
+ 527
2108
+ 00:19:43.260 --> 00:19:46.380
2109
+ had in my life have been at a diner
2110
+
2111
+ 528
2112
+ 00:19:44.940 --> 00:19:48.600
2113
+ counter that's what you do if you're
2114
+
2115
+ 529
2116
+ 00:19:46.380 --> 00:19:50.940
2117
+ from Jersey you make a decision at a
2118
+
2119
+ 530
2120
+ 00:19:48.600 --> 00:19:53.340
2121
+ diner at three in the morning what is
2122
+
2123
+ 531
2124
+ 00:19:50.940 --> 00:19:55.640
2125
+ Your Love Letter to Jersey diner culture
2126
+
2127
+ 532
2128
+ 00:19:53.340 --> 00:19:58.620
2129
+ like why is it important to you
2130
+
2131
+ 533
2132
+ 00:19:55.640 --> 00:20:00.960
2133
+ you know there's something about
2134
+
2135
+ 534
2136
+ 00:19:58.620 --> 00:20:03.059
2137
+ something that's that's open all night
2138
+
2139
+ 535
2140
+ 00:20:00.960 --> 00:20:04.980
2141
+ where you can go and just get a hot meal
2142
+
2143
+ 536
2144
+ 00:20:03.059 --> 00:20:08.600
2145
+ like a warm
2146
+
2147
+ 537
2148
+ 00:20:04.980 --> 00:20:08.600
2149
+ uh meal not this
2150
+
2151
+ 538
2152
+ 00:20:09.179 --> 00:20:14.460
2153
+ and they're there and and there are
2154
+
2155
+ 539
2156
+ 00:20:11.820 --> 00:20:16.080
2157
+ people who there was this guy George at
2158
+
2159
+ 540
2160
+ 00:20:14.460 --> 00:20:18.179
2161
+ the Candlewick Diner
2162
+
2163
+ 541
2164
+ 00:20:16.080 --> 00:20:19.500
2165
+ I talked about every I talked about him
2166
+
2167
+ 542
2168
+ 00:20:18.179 --> 00:20:22.080
2169
+ before I you know before I dropped out
2170
+
2171
+ 543
2172
+ 00:20:19.500 --> 00:20:25.020
2173
+ of college I talked to George I go to
2174
+
2175
+ 544
2176
+ 00:20:22.080 --> 00:20:26.400
2177
+ that Diner Booth my buddy Mohammed
2178
+
2179
+ 545
2180
+ 00:20:25.020 --> 00:20:30.120
2181
+ just talk about everything we were going
2182
+
2183
+ 546
2184
+ 00:20:26.400 --> 00:20:31.559
2185
+ to do was in that Booth 3 A.M I think I
2186
+
2187
+ 547
2188
+ 00:20:30.120 --> 00:20:33.240
2189
+ decided I was gonna get married in a
2190
+
2191
+ 548
2192
+ 00:20:31.559 --> 00:20:35.340
2193
+ diner Booth I'm pretty sure I was there
2194
+
2195
+ 549
2196
+ 00:20:33.240 --> 00:20:37.260
2197
+ late night and I was like yeah talking
2198
+
2199
+ 550
2200
+ 00:20:35.340 --> 00:20:39.660
2201
+ it out with my buddy I'm like yeah this
2202
+
2203
+ 551
2204
+ 00:20:37.260 --> 00:20:42.179
2205
+ is this is what I'm gonna do it's uh
2206
+
2207
+ 552
2208
+ 00:20:39.660 --> 00:20:43.700
2209
+ it's kind of like a Pew in a church but
2210
+
2211
+ 553
2212
+ 00:20:42.179 --> 00:20:47.100
2213
+ with food
2214
+
2215
+ 554
2216
+ 00:20:43.700 --> 00:20:49.620
2217
+ beautifully said and look at you Robbie
2218
+
2219
+ 555
2220
+ 00:20:47.100 --> 00:20:50.820
2221
+ taking on the wings of death living to
2222
+
2223
+ 556
2224
+ 00:20:49.620 --> 00:20:52.200
2225
+ tell the tale and now there's nothing
2226
+
2227
+ 557
2228
+ 00:20:50.820 --> 00:20:54.059
2229
+ left to do but to roll out the red
2230
+
2231
+ 558
2232
+ 00:20:52.200 --> 00:20:55.740
2233
+ carpet for you this camera this camera
2234
+
2235
+ 559
2236
+ 00:20:54.059 --> 00:20:57.980
2237
+ this camera let the people know what you
2238
+
2239
+ 560
2240
+ 00:20:55.740 --> 00:21:01.559
2241
+ have going on in your life
2242
+
2243
+ 561
2244
+ 00:20:57.980 --> 00:21:03.600
2245
+ uh Romney Season Three is out right now
2246
+
2247
+ 562
2248
+ 00:21:01.559 --> 00:21:04.559
2249
+ on Hulu
2250
+
2251
+ 563
2252
+ 00:21:03.600 --> 00:21:06.660
2253
+ um
2254
+
2255
+ 564
2256
+ 00:21:04.559 --> 00:21:09.500
2257
+ start there and then yeah and then you
2258
+
2259
+ 565
2260
+ 00:21:06.660 --> 00:21:09.500
2261
+ can just um
2262
+
2263
+ 566
2264
+ 00:21:10.380 --> 00:21:13.799
2265
+ they'll get it you'll get it you get it
2266
+
2267
+ 567
2268
+ 00:21:12.360 --> 00:21:15.660
2269
+ you get
2270
+
2271
+ 568
2272
+ 00:21:13.799 --> 00:21:18.539
2273
+ you get what's happening
2274
+
2275
+ 569
2276
+ 00:21:15.660 --> 00:21:21.179
2277
+ you just type my name in the I mean this
2278
+
2279
+ 570
2280
+ 00:21:18.539 --> 00:21:22.020
2281
+ it's getting so bad it's so bad right
2282
+
2283
+ 571
2284
+ 00:21:21.179 --> 00:21:25.640
2285
+ now
2286
+
2287
+ 572
2288
+ 00:21:22.020 --> 00:21:25.640
2289
+ but you made it thank you
2290
+
2291
+ 573
2292
+ 00:21:26.460 --> 00:21:31.080
2293
+ wow
2294
+
2295
+ 574
2296
+ 00:21:28.159 --> 00:21:33.679
2297
+ well there's a lot of sauce on that tend
2298
+
2299
+ 575
2300
+ 00:21:31.080 --> 00:21:33.679
2301
+ that you took
2302
+
2303
+ 576
2304
+ 00:21:34.100 --> 00:21:38.700
2305
+ how'd it feel to relive your childhood
2306
+
2307
+ 577
2308
+ 00:21:36.659 --> 00:21:40.740
2309
+ I'm I feel like my dad prepped me for
2310
+
2311
+ 578
2312
+ 00:21:38.700 --> 00:21:42.299
2313
+ this oh yeah I do yeah I feel I feel
2314
+
2315
+ 579
2316
+ 00:21:40.740 --> 00:21:43.620
2317
+ like he put me through it and got me
2318
+
2319
+ 580
2320
+ 00:21:42.299 --> 00:21:44.880
2321
+ here
2322
+
2323
+ 581
2324
+ 00:21:43.620 --> 00:21:45.400
2325
+ wow
2326
+
2327
+ 582
2328
+ 00:21:44.880 --> 00:21:48.499
2329
+ foreign
2330
+
2331
+ 583
2332
+ 00:21:45.400 --> 00:21:48.499
2333
+ [Applause]
2334
+
2335
+ 584
2336
+ 00:21:49.380 --> 00:21:52.980
2337
+ hey what's going on hot ones fans thank
2338
+
2339
+ 585
2340
+ 00:21:51.419 --> 00:21:55.080
2341
+ you so much for watching today's episode
2342
+
2343
+ 586
2344
+ 00:21:52.980 --> 00:21:56.940
2345
+ and I have an important announcement to
2346
+
2347
+ 587
2348
+ 00:21:55.080 --> 00:21:58.799
2349
+ all the mini spice Lords out there and
2350
+
2351
+ 588
2352
+ 00:21:56.940 --> 00:22:01.080
2353
+ those of us who like to just dabble on
2354
+
2355
+ 589
2356
+ 00:21:58.799 --> 00:22:03.299
2357
+ the fringes of spiced them say hello to
2358
+
2359
+ 590
2360
+ 00:22:01.080 --> 00:22:05.940
2361
+ our newest flavor from hot ones Jr it's
2362
+
2363
+ 591
2364
+ 00:22:03.299 --> 00:22:07.980
2365
+ the red the red takes things up a notch
2366
+
2367
+ 592
2368
+ 00:22:05.940 --> 00:22:09.720
2369
+ with ghost pepper and red carrot it
2370
+
2371
+ 593
2372
+ 00:22:07.980 --> 00:22:11.940
2373
+ brings a warming Zing to all of your
2374
+
2375
+ 594
2376
+ 00:22:09.720 --> 00:22:14.280
2377
+ favorite foods try it on gooey mac and
2378
+
2379
+ 595
2380
+ 00:22:11.940 --> 00:22:16.080
2381
+ cheese this winter and thank me later to
2382
+
2383
+ 596
2384
+ 00:22:14.280 --> 00:22:18.480
2385
+ get your hands on the hot ones junior
2386
+
2387
+ 597
2388
+ 00:22:16.080 --> 00:22:21.480
2389
+ family of sauces visit heatness.com
2390
+
2391
+ 598
2392
+ 00:22:18.480 --> 00:22:25.820
2393
+ that's heatness.com heatness.com red
2394
+
2395
+ 599
2396
+ 00:22:21.480 --> 00:22:25.820
2397
+ light yellow light green light go now
2398
+
transcripts/16.vtt ADDED
@@ -0,0 +1,353 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.179 --> 00:00:04.380
5
+ what's this this looks really are you
6
+
7
+ 2
8
+ 00:00:01.920 --> 00:00:05.880
9
+ gonna throw it at me or something or do
10
+
11
+ 3
12
+ 00:00:04.380 --> 00:00:08.700
13
+ we have to pour this on
14
+
15
+ 4
16
+ 00:00:05.880 --> 00:00:11.420
17
+ oh that's the last the last dab we
18
+
19
+ 5
20
+ 00:00:08.700 --> 00:00:13.679
21
+ internet the Apollo
22
+
23
+ 6
24
+ 00:00:11.420 --> 00:00:15.960
25
+ let's begin
26
+
27
+ 7
28
+ 00:00:13.679 --> 00:00:17.699
29
+ are we going in are we last diving it
30
+
31
+ 8
32
+ 00:00:15.960 --> 00:00:18.900
33
+ and we call it the last dab because it's
34
+
35
+ 9
36
+ 00:00:17.699 --> 00:00:20.400
37
+ tradition around here to put a little
38
+
39
+ 10
40
+ 00:00:18.900 --> 00:00:21.539
41
+ extra on the last Wing you don't have to
42
+
43
+ 11
44
+ 00:00:20.400 --> 00:00:24.359
45
+ if you don't want to and I'd actually
46
+
47
+ 12
48
+ 00:00:21.539 --> 00:00:28.920
49
+ recommend you don't
50
+
51
+ 13
52
+ 00:00:24.359 --> 00:00:30.900
53
+ I truly feel insane like I feel I feel
54
+
55
+ 14
56
+ 00:00:28.920 --> 00:00:34.460
57
+ nuts
58
+
59
+ 15
60
+ 00:00:30.900 --> 00:00:34.460
61
+ oh that's a good Shake
62
+
63
+ 16
64
+ 00:00:35.960 --> 00:00:43.879
65
+ yeah so I bought a little present yeah
66
+
67
+ 17
68
+ 00:00:39.239 --> 00:00:43.879
69
+ so I bought some maggots here here we go
70
+
71
+ 18
72
+ 00:00:45.059 --> 00:00:49.980
73
+ that's not a dab how did you put on I
74
+
75
+ 19
76
+ 00:00:48.059 --> 00:00:52.860
77
+ went a little crazy try not to do this
78
+
79
+ 20
80
+ 00:00:49.980 --> 00:00:55.320
81
+ much but it's hard to dab oh how big of
82
+
83
+ 21
84
+ 00:00:52.860 --> 00:00:57.719
85
+ a mistake is this huh hold on a second
86
+
87
+ 22
88
+ 00:00:55.320 --> 00:00:58.980
89
+ let's talk about love all right that's
90
+
91
+ 23
92
+ 00:00:57.719 --> 00:01:00.780
93
+ kidding
94
+
95
+ 24
96
+ 00:00:58.980 --> 00:01:02.760
97
+ hey it's been a privilege but if we
98
+
99
+ 25
100
+ 00:01:00.780 --> 00:01:04.379
101
+ don't come out the other end of this
102
+
103
+ 26
104
+ 00:01:02.760 --> 00:01:06.920
105
+ experience it was all worth it it's been
106
+
107
+ 27
108
+ 00:01:04.379 --> 00:01:09.680
109
+ an honor brother
110
+
111
+ 28
112
+ 00:01:06.920 --> 00:01:12.119
113
+ shout out to smoking Ed
114
+
115
+ 29
116
+ 00:01:09.680 --> 00:01:14.520
117
+ [Music]
118
+
119
+ 30
120
+ 00:01:12.119 --> 00:01:19.020
121
+ one bite
122
+
123
+ 31
124
+ 00:01:14.520 --> 00:01:21.540
125
+ two bites whoa I've including bone oh my
126
+
127
+ 32
128
+ 00:01:19.020 --> 00:01:24.240
129
+ God are actually kind of saturated that
130
+
131
+ 33
132
+ 00:01:21.540 --> 00:01:26.119
133
+ yeah come on man there we go Built For
134
+
135
+ 34
136
+ 00:01:24.240 --> 00:01:29.980
137
+ This
138
+
139
+ 35
140
+ 00:01:26.119 --> 00:01:32.780
141
+ should anyone thrown up from that uh
142
+
143
+ 36
144
+ 00:01:29.980 --> 00:01:34.920
145
+ [Music]
146
+
147
+ 37
148
+ 00:01:32.780 --> 00:01:36.659
149
+ every now and then there's like a little
150
+
151
+ 38
152
+ 00:01:34.920 --> 00:01:39.360
153
+ pepper that gets swallowed it reminds
154
+
155
+ 39
156
+ 00:01:36.659 --> 00:01:41.880
157
+ you yeah oh terrible idea
158
+
159
+ 40
160
+ 00:01:39.360 --> 00:01:44.340
161
+ but it was yours uh-huh so I understand
162
+
163
+ 41
164
+ 00:01:41.880 --> 00:01:47.220
165
+ but it's yours yeah I'll stand by magnet
166
+
167
+ 42
168
+ 00:01:44.340 --> 00:01:49.380
169
+ line felt way worse like immediately
170
+
171
+ 43
172
+ 00:01:47.220 --> 00:01:51.479
173
+ after the bite yep
174
+
175
+ 44
176
+ 00:01:49.380 --> 00:01:52.439
177
+ but it's not as bad as you think there
178
+
179
+ 45
180
+ 00:01:51.479 --> 00:01:55.560
181
+ you go
182
+
183
+ 46
184
+ 00:01:52.439 --> 00:01:57.240
185
+ there you go we have scaled the heights
186
+
187
+ 47
188
+ 00:01:55.560 --> 00:01:59.220
189
+ of spice Mountain if we've learned
190
+
191
+ 48
192
+ 00:01:57.240 --> 00:02:00.420
193
+ anything along the way it's that you're
194
+
195
+ 49
196
+ 00:01:59.220 --> 00:02:02.640
197
+ somebody who can do a little bit of
198
+
199
+ 50
200
+ 00:02:00.420 --> 00:02:06.540
201
+ everything we really want to put the two
202
+
203
+ 51
204
+ 00:02:02.640 --> 00:02:08.340
205
+ of us to the test what the [ __ ] else you
206
+
207
+ 52
208
+ 00:02:06.540 --> 00:02:10.200
209
+ want so under these bizarre
210
+
211
+ 53
212
+ 00:02:08.340 --> 00:02:12.180
213
+ circumstances I'm curious for your
214
+
215
+ 54
216
+ 00:02:10.200 --> 00:02:15.300
217
+ perspective now we're about to get deep
218
+
219
+ 55
220
+ 00:02:12.180 --> 00:02:17.580
221
+ yeah while I'm choking today can you
222
+
223
+ 56
224
+ 00:02:15.300 --> 00:02:19.680
225
+ describe to me the vision of a Queen
226
+
227
+ 57
228
+ 00:02:17.580 --> 00:02:23.099
229
+ Latifah sci-fi film
230
+
231
+ 58
232
+ 00:02:19.680 --> 00:02:24.480
233
+ I'm alone on a planet
234
+
235
+ 59
236
+ 00:02:23.099 --> 00:02:27.680
237
+ it goes down
238
+
239
+ 60
240
+ 00:02:24.480 --> 00:02:27.680
241
+ I don't know if you remember this
242
+
243
+ 61
244
+ 00:02:28.500 --> 00:02:31.620
245
+ amazing
246
+
247
+ 62
248
+ 00:02:30.540 --> 00:02:32.480
249
+ for these
250
+
251
+ 63
252
+ 00:02:31.620 --> 00:02:35.480
253
+ these
254
+
255
+ 64
256
+ 00:02:32.480 --> 00:02:40.620
257
+ [Music]
258
+
259
+ 65
260
+ 00:02:35.480 --> 00:02:43.080
261
+ for years I've watched this [ __ ] show
262
+
263
+ 66
264
+ 00:02:40.620 --> 00:02:45.180
265
+ and I finally walked onto this set and
266
+
267
+ 67
268
+ 00:02:43.080 --> 00:02:46.220
269
+ saw the sauces and saw your face I was
270
+
271
+ 68
272
+ 00:02:45.180 --> 00:02:48.080
273
+ like
274
+
275
+ 69
276
+ 00:02:46.220 --> 00:02:51.780
277
+ yes
278
+
279
+ 70
280
+ 00:02:48.080 --> 00:02:54.599
281
+ bucket list bam
282
+
283
+ 71
284
+ 00:02:51.780 --> 00:02:57.120
285
+ this has been my dream since I first
286
+
287
+ 72
288
+ 00:02:54.599 --> 00:02:59.040
289
+ started YouTube was to one day come here
290
+
291
+ 73
292
+ 00:02:57.120 --> 00:03:00.959
293
+ and I'm [ __ ] finishing the last week
294
+
295
+ 74
296
+ 00:02:59.040 --> 00:03:02.099
297
+ okay what you do is as you bring your
298
+
299
+ 75
300
+ 00:03:00.959 --> 00:03:04.080
301
+ arm up
302
+
303
+ 76
304
+ 00:03:02.099 --> 00:03:06.420
305
+ turn your thumb a little bit
306
+
307
+ 77
308
+ 00:03:04.080 --> 00:03:08.400
309
+ you give it an off-axis rotation so it
310
+
311
+ 78
312
+ 00:03:06.420 --> 00:03:11.900
313
+ spins like this right
314
+
315
+ 79
316
+ 00:03:08.400 --> 00:03:11.900
317
+ this works for me every time
318
+
319
+ 80
320
+ 00:03:12.500 --> 00:03:16.860
321
+ I will never do this again this is a
322
+
323
+ 81
324
+ 00:03:15.060 --> 00:03:19.860
325
+ mistake I don't know why people eat hot
326
+
327
+ 82
328
+ 00:03:16.860 --> 00:03:22.500
329
+ sauce some questions science just can't
330
+
331
+ 83
332
+ 00:03:19.860 --> 00:03:25.140
333
+ answer we saw the challenge we took it
334
+
335
+ 84
336
+ 00:03:22.500 --> 00:03:26.400
337
+ on and we climbed to the summit of Mount
338
+
339
+ 85
340
+ 00:03:25.140 --> 00:03:30.120
341
+ Scoville
342
+
343
+ 86
344
+ 00:03:26.400 --> 00:03:32.460
345
+ incredible wow
346
+
347
+ 87
348
+ 00:03:30.120 --> 00:03:35.610
349
+ that was pretty awesome
350
+
351
+ 88
352
+ 00:03:32.460 --> 00:03:35.610
353
+ [Applause]
transcripts/2.vtt ADDED
@@ -0,0 +1,3966 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.299 --> 00:00:04.799
5
+ happens does it happen it does happen it
6
+
7
+ 2
8
+ 00:00:02.940 --> 00:00:07.080
9
+ does happen I'm usually like right on it
10
+
11
+ 3
12
+ 00:00:04.799 --> 00:00:09.740
13
+ am I gonna but usually it's not gonna
14
+
15
+ 4
16
+ 00:00:07.080 --> 00:00:09.740
17
+ lose my eyesight
18
+
19
+ 5
20
+ 00:00:10.450 --> 00:00:24.279
21
+ [Music]
22
+
23
+ 6
24
+ 00:00:21.170 --> 00:00:24.279
25
+ [Applause]
26
+
27
+ 7
28
+ 00:00:24.980 --> 00:00:29.760
29
+ hey what's going on and happy holidays
30
+
31
+ 8
32
+ 00:00:27.660 --> 00:00:32.340
33
+ hot ones fans this is Sean Evans coming
34
+
35
+ 9
36
+ 00:00:29.760 --> 00:00:36.300
37
+ at you from the very cozy and very real
38
+
39
+ 10
40
+ 00:00:32.340 --> 00:00:38.280
41
+ hot ones Fireside and it's time for the
42
+
43
+ 11
44
+ 00:00:36.300 --> 00:00:41.520
45
+ spiciest annual tradition of them all
46
+
47
+ 12
48
+ 00:00:38.280 --> 00:00:43.079
49
+ the hot ones holiday Extravaganza now if
50
+
51
+ 13
52
+ 00:00:41.520 --> 00:00:44.879
53
+ you know me I'm a Sentimental guy
54
+
55
+ 14
56
+ 00:00:43.079 --> 00:00:46.920
57
+ especially during the holidays I
58
+
59
+ 15
60
+ 00:00:44.879 --> 00:00:49.200
61
+ remember TGIF the Family Matters holiday
62
+
63
+ 16
64
+ 00:00:46.920 --> 00:00:50.820
65
+ special and bring a tear to my eyes you
66
+
67
+ 17
68
+ 00:00:49.200 --> 00:00:52.620
69
+ know just the other day I watched home
70
+
71
+ 18
72
+ 00:00:50.820 --> 00:00:55.260
73
+ alone and then I watched Home Alone 2
74
+
75
+ 19
76
+ 00:00:52.620 --> 00:00:56.719
77
+ just to get in the holiday spirit so the
78
+
79
+ 20
80
+ 00:00:55.260 --> 00:00:58.739
81
+ idea that the hot ones holiday
82
+
83
+ 21
84
+ 00:00:56.719 --> 00:01:00.899
85
+ Extravaganza could be a part of your
86
+
87
+ 22
88
+ 00:00:58.739 --> 00:01:03.600
89
+ holiday tradition it means the world to
90
+
91
+ 23
92
+ 00:01:00.899 --> 00:01:04.979
93
+ us here at the show and all we ask in
94
+
95
+ 24
96
+ 00:01:03.600 --> 00:01:07.080
97
+ return you know in exchange for me
98
+
99
+ 25
100
+ 00:01:04.979 --> 00:01:09.479
101
+ eating the bomb like 40 times a year
102
+
103
+ 26
104
+ 00:01:07.080 --> 00:01:12.060
105
+ every year of basically my adult life
106
+
107
+ 27
108
+ 00:01:09.479 --> 00:01:14.640
109
+ all we ask is that if you're capable
110
+
111
+ 28
112
+ 00:01:12.060 --> 00:01:16.320
113
+ please please consider a donation to our
114
+
115
+ 29
116
+ 00:01:14.640 --> 00:01:18.420
117
+ charity partner common threads as we
118
+
119
+ 30
120
+ 00:01:16.320 --> 00:01:20.580
121
+ work together to help them achieve their
122
+
123
+ 31
124
+ 00:01:18.420 --> 00:01:22.200
125
+ holiday fundraising goals common threads
126
+
127
+ 32
128
+ 00:01:20.580 --> 00:01:23.759
129
+ is committed to providing children and
130
+
131
+ 33
132
+ 00:01:22.200 --> 00:01:25.619
133
+ families with Hands-On cooking and
134
+
135
+ 34
136
+ 00:01:23.759 --> 00:01:27.180
137
+ nutrition education class classes that
138
+
139
+ 35
140
+ 00:01:25.619 --> 00:01:29.340
141
+ strengthen communities by promoting
142
+
143
+ 36
144
+ 00:01:27.180 --> 00:01:30.900
145
+ healthy cooking healthy eating and the
146
+
147
+ 37
148
+ 00:01:29.340 --> 00:01:32.880
149
+ celebration of culture
150
+
151
+ 38
152
+ 00:01:30.900 --> 00:01:35.100
153
+ to help us in supporting this amazing
154
+
155
+ 39
156
+ 00:01:32.880 --> 00:01:37.619
157
+ organization all you need to do click
158
+
159
+ 40
160
+ 00:01:35.100 --> 00:01:38.939
161
+ that donate button in this corner or in
162
+
163
+ 41
164
+ 00:01:37.619 --> 00:01:41.100
165
+ that corner but I'm pretty sure it's
166
+
167
+ 42
168
+ 00:01:38.939 --> 00:01:42.840
169
+ this corner this corner right here hit
170
+
171
+ 43
172
+ 00:01:41.100 --> 00:01:45.420
173
+ that donate button help us support
174
+
175
+ 44
176
+ 00:01:42.840 --> 00:01:47.579
177
+ common threads last year Gordon Ramsay
178
+
179
+ 45
180
+ 00:01:45.420 --> 00:01:49.380
181
+ busted out his Santa sack of tricks and
182
+
183
+ 46
184
+ 00:01:47.579 --> 00:01:51.240
185
+ you guys busted open your wallets we
186
+
187
+ 47
188
+ 00:01:49.380 --> 00:01:53.040
189
+ raised close to a hundred and fifty
190
+
191
+ 48
192
+ 00:01:51.240 --> 00:01:55.560
193
+ thousand dollars can we do that again
194
+
195
+ 49
196
+ 00:01:53.040 --> 00:01:57.180
197
+ this year I hope so but either way we
198
+
199
+ 50
200
+ 00:01:55.560 --> 00:01:59.220
201
+ have a rollicking run of show for you
202
+
203
+ 51
204
+ 00:01:57.180 --> 00:02:01.619
205
+ from everyone here at the first we Feast
206
+
207
+ 52
208
+ 00:01:59.220 --> 00:02:03.540
209
+ family Jesus Trejo is taste testing
210
+
211
+ 53
212
+ 00:02:01.619 --> 00:02:06.119
213
+ classic holiday dishes with the kids of
214
+
215
+ 54
216
+ 00:02:03.540 --> 00:02:07.979
217
+ common threads George Nicole and Alvin
218
+
219
+ 55
220
+ 00:02:06.119 --> 00:02:09.660
221
+ have got leftover sandwich hacks that
222
+
223
+ 56
224
+ 00:02:07.979 --> 00:02:11.700
225
+ even a kitchen dummy like me can pull
226
+
227
+ 57
228
+ 00:02:09.660 --> 00:02:13.379
229
+ off camera guy Bill is back in his
230
+
231
+ 58
232
+ 00:02:11.700 --> 00:02:15.900
233
+ holiday finery to present the second
234
+
235
+ 59
236
+ 00:02:13.379 --> 00:02:17.819
237
+ annual hot ones Awards and to close
238
+
239
+ 60
240
+ 00:02:15.900 --> 00:02:20.640
241
+ things out I know you peeped it in the
242
+
243
+ 61
244
+ 00:02:17.819 --> 00:02:22.560
245
+ thumbnail baby Will Ferrell is back for
246
+
247
+ 62
248
+ 00:02:20.640 --> 00:02:24.900
249
+ a second go-round with the wings of
250
+
251
+ 63
252
+ 00:02:22.560 --> 00:02:27.360
253
+ death stay tuned to find out if milk was
254
+
255
+ 64
256
+ 00:02:24.900 --> 00:02:29.940
257
+ a bad choice but in the meantime we head
258
+
259
+ 65
260
+ 00:02:27.360 --> 00:02:32.760
261
+ over to Los Angeles and Tacos con Toto
262
+
263
+ 66
264
+ 00:02:29.940 --> 00:02:34.800
265
+ host Jesus Trail who's hanging out with
266
+
267
+ 67
268
+ 00:02:32.760 --> 00:02:38.280
269
+ his young gang of budding food critics
270
+
271
+ 68
272
+ 00:02:34.800 --> 00:02:41.280
273
+ Jesus take it away
274
+
275
+ 69
276
+ 00:02:38.280 --> 00:02:42.720
277
+ happy holidays everybody this is
278
+
279
+ 70
280
+ 00:02:41.280 --> 00:02:44.580
281
+ Trejo
282
+
283
+ 71
284
+ 00:02:42.720 --> 00:02:47.160
285
+ I love to do during the holiday season
286
+
287
+ 72
288
+ 00:02:44.580 --> 00:02:48.900
289
+ is a little three-letter word starts
290
+
291
+ 73
292
+ 00:02:47.160 --> 00:02:50.519
293
+ with an e ends with a T there's a little
294
+
295
+ 74
296
+ 00:02:48.900 --> 00:02:53.760
297
+ a in the middle
298
+
299
+ 75
300
+ 00:02:50.519 --> 00:02:57.300
301
+ eat I love to eat and here with me today
302
+
303
+ 76
304
+ 00:02:53.760 --> 00:02:58.980
305
+ to help me eat are some very special
306
+
307
+ 77
308
+ 00:02:57.300 --> 00:03:00.360
309
+ friends
310
+
311
+ 78
312
+ 00:02:58.980 --> 00:03:02.180
313
+ [Music]
314
+
315
+ 79
316
+ 00:03:00.360 --> 00:03:04.680
317
+ are we shy
318
+
319
+ 80
320
+ 00:03:02.180 --> 00:03:07.019
321
+ a little yeah I get it what is your name
322
+
323
+ 81
324
+ 00:03:04.680 --> 00:03:10.980
325
+ and where are you from my name is Omar
326
+
327
+ 82
328
+ 00:03:07.019 --> 00:03:13.860
329
+ and I'm and I'm from cudahaste Cudahy in
330
+
331
+ 83
332
+ 00:03:10.980 --> 00:03:15.900
333
+ the house my name is Emma and I'm nine
334
+
335
+ 84
336
+ 00:03:13.860 --> 00:03:16.280
337
+ years old Emma nine years old where you
338
+
339
+ 85
340
+ 00:03:15.900 --> 00:03:17.760
341
+ from
342
+
343
+ 86
344
+ 00:03:16.280 --> 00:03:18.599
345
+ [Music]
346
+
347
+ 87
348
+ 00:03:17.760 --> 00:03:21.900
349
+ um
350
+
351
+ 88
352
+ 00:03:18.599 --> 00:03:24.800
353
+ from L.A Yeah Yeah from L.A well welcome
354
+
355
+ 89
356
+ 00:03:21.900 --> 00:03:24.800
357
+ Emma yeah
358
+
359
+ 90
360
+ 00:03:24.900 --> 00:03:32.220
361
+ Olivia from L.A Olivia from L.A
362
+
363
+ 91
364
+ 00:03:29.640 --> 00:03:36.260
365
+ I'm Vincent I'm 10 years old and I am
366
+
367
+ 92
368
+ 00:03:32.220 --> 00:03:36.260
369
+ from Atwater Los Angeles
370
+
371
+ 93
372
+ 00:03:37.379 --> 00:03:42.540
373
+ and with that we're gonna go try some
374
+
375
+ 94
376
+ 00:03:39.659 --> 00:03:44.610
377
+ amazing holiday foods from around the
378
+
379
+ 95
380
+ 00:03:42.540 --> 00:03:50.639
381
+ world let's go
382
+
383
+ 96
384
+ 00:03:44.610 --> 00:03:50.639
385
+ [Music]
386
+
387
+ 97
388
+ 00:03:53.640 --> 00:03:57.000
389
+ tell me what you think as soon as you
390
+
391
+ 98
392
+ 00:03:55.620 --> 00:03:59.879
393
+ taste it what does this remind you of
394
+
395
+ 99
396
+ 00:03:57.000 --> 00:04:01.920
397
+ for me it reminds me of a Cinnabon oh if
398
+
399
+ 100
400
+ 00:03:59.879 --> 00:04:04.620
401
+ they start making Cinnabon smoothies I
402
+
403
+ 101
404
+ 00:04:01.920 --> 00:04:07.260
405
+ am there would you drink like a cinnamon
406
+
407
+ 102
408
+ 00:04:04.620 --> 00:04:09.659
409
+ roll smoothie oh what happened what
410
+
411
+ 103
412
+ 00:04:07.260 --> 00:04:12.799
413
+ happened the cinnamon went to my eye oh
414
+
415
+ 104
416
+ 00:04:09.659 --> 00:04:15.860
417
+ no are you okay yeah I'm okay okay okay
418
+
419
+ 105
420
+ 00:04:12.799 --> 00:04:15.860
421
+ these are
422
+
423
+ 106
424
+ 00:04:18.380 --> 00:04:23.880
425
+ you are looking at moon cakes it's a
426
+
427
+ 107
428
+ 00:04:21.780 --> 00:04:25.919
429
+ Chinese pastry filled with sweets and
430
+
431
+ 108
432
+ 00:04:23.880 --> 00:04:27.720
433
+ it's super popular during the mid-autumn
434
+
435
+ 109
436
+ 00:04:25.919 --> 00:04:29.580
437
+ festival look if you look at the full
438
+
439
+ 110
440
+ 00:04:27.720 --> 00:04:32.759
441
+ cookie what do you think that is right
442
+
443
+ 111
444
+ 00:04:29.580 --> 00:04:35.460
445
+ there I see a blossom tree blossom tree
446
+
447
+ 112
448
+ 00:04:32.759 --> 00:04:38.240
449
+ I kind of see a rabbit a tree on the
450
+
451
+ 113
452
+ 00:04:35.460 --> 00:04:41.639
453
+ moon this outer part kind of feels like
454
+
455
+ 114
456
+ 00:04:38.240 --> 00:04:45.300
457
+ it feels like dried up Play-Doh but
458
+
459
+ 115
460
+ 00:04:41.639 --> 00:04:46.979
461
+ tastes like bread yeah I love the symbol
462
+
463
+ 116
464
+ 00:04:45.300 --> 00:04:48.960
465
+ you like the round shape what it
466
+
467
+ 117
468
+ 00:04:46.979 --> 00:04:52.259
469
+ symbolizes it's togetherness you guys
470
+
471
+ 118
472
+ 00:04:48.960 --> 00:04:58.020
473
+ like being together yeah yes yeah group
474
+
475
+ 119
476
+ 00:04:52.259 --> 00:04:59.880
477
+ hug oh group hug my goodness group hug
478
+
479
+ 120
480
+ 00:04:58.020 --> 00:05:01.740
481
+ that fell apart really good that was
482
+
483
+ 121
484
+ 00:04:59.880 --> 00:05:05.780
485
+ anything but togetherness right there
486
+
487
+ 122
488
+ 00:05:01.740 --> 00:05:05.780
489
+ that was separateness
490
+
491
+ 123
492
+ 00:05:06.840 --> 00:05:09.680
493
+ you guys want to try it no yeah all
494
+
495
+ 124
496
+ 00:05:09.000 --> 00:05:12.780
497
+ right
498
+
499
+ 125
500
+ 00:05:09.680 --> 00:05:15.360
501
+ all right three two one get in there oh
502
+
503
+ 126
504
+ 00:05:12.780 --> 00:05:17.280
505
+ my God it tastes like you haven't tasted
506
+
507
+ 127
508
+ 00:05:15.360 --> 00:05:18.960
509
+ it
510
+
511
+ 128
512
+ 00:05:17.280 --> 00:05:21.840
513
+ okay
514
+
515
+ 129
516
+ 00:05:18.960 --> 00:05:24.539
517
+ you're not gonna try it no
518
+
519
+ 130
520
+ 00:05:21.840 --> 00:05:26.699
521
+ can I pass me a napkin oh yeah we got a
522
+
523
+ 131
524
+ 00:05:24.539 --> 00:05:28.940
525
+ napkin right here there you go anyone
526
+
527
+ 132
528
+ 00:05:26.699 --> 00:05:32.660
529
+ need a napkin it smells like raisins
530
+
531
+ 133
532
+ 00:05:28.940 --> 00:05:36.180
533
+ actually because it is made with raisins
534
+
535
+ 134
536
+ 00:05:32.660 --> 00:05:39.259
537
+ raisins and dried fruit oh no Christmas
538
+
539
+ 135
540
+ 00:05:36.180 --> 00:05:39.259
541
+ pudding you guys
542
+
543
+ 136
544
+ 00:05:40.220 --> 00:05:45.360
545
+ what do you think it is uh a weird
546
+
547
+ 137
548
+ 00:05:43.440 --> 00:05:49.560
549
+ sandwich what you're looking at right
550
+
551
+ 138
552
+ 00:05:45.360 --> 00:05:52.800
553
+ now is a Ethiopian dish called dorawat
554
+
555
+ 139
556
+ 00:05:49.560 --> 00:05:54.840
557
+ basically what this is is a Savory stew
558
+
559
+ 140
560
+ 00:05:52.800 --> 00:05:56.400
561
+ the tortilla part of it that we were
562
+
563
+ 141
564
+ 00:05:54.840 --> 00:05:58.320
565
+ talking about that's called in German
566
+
567
+ 142
568
+ 00:05:56.400 --> 00:05:59.880
569
+ basically what you do is you open it up
570
+
571
+ 143
572
+ 00:05:58.320 --> 00:06:01.979
573
+ like a little gift
574
+
575
+ 144
576
+ 00:05:59.880 --> 00:06:04.800
577
+ we don't need this we're going to put
578
+
579
+ 145
580
+ 00:06:01.979 --> 00:06:07.020
581
+ that right here and you rip a little bit
582
+
583
+ 146
584
+ 00:06:04.800 --> 00:06:09.960
585
+ of this and you go in you slap it down
586
+
587
+ 147
588
+ 00:06:07.020 --> 00:06:11.820
589
+ you basically pinch it what what's that
590
+
591
+ 148
592
+ 00:06:09.960 --> 00:06:13.199
593
+ is this an avocado no it's not an
594
+
595
+ 149
596
+ 00:06:11.820 --> 00:06:15.539
597
+ avocado that's an egg that's a
598
+
599
+ 150
600
+ 00:06:13.199 --> 00:06:19.500
601
+ hard-boiled egg it's very spicy it's
602
+
603
+ 151
604
+ 00:06:15.539 --> 00:06:21.240
605
+ very spicy spicy very spicy too okay if
606
+
607
+ 152
608
+ 00:06:19.500 --> 00:06:22.759
609
+ you hold it up to the light you can see
610
+
611
+ 153
612
+ 00:06:21.240 --> 00:06:25.440
613
+ all the little holes
614
+
615
+ 154
616
+ 00:06:22.759 --> 00:06:27.180
617
+ like the consistency the inside of it
618
+
619
+ 155
620
+ 00:06:25.440 --> 00:06:30.000
621
+ does look like molar you're right that's
622
+
623
+ 156
624
+ 00:06:27.180 --> 00:06:33.600
625
+ a that's a good call fist bump Boom the
626
+
627
+ 157
628
+ 00:06:30.000 --> 00:06:35.580
629
+ little holes in the tortilla reminds me
630
+
631
+ 158
632
+ 00:06:33.600 --> 00:06:37.319
633
+ of SpongeBob oh they remind you of
634
+
635
+ 159
636
+ 00:06:35.580 --> 00:06:40.460
637
+ SpongeBob right there SpongeBob
638
+
639
+ 160
640
+ 00:06:37.319 --> 00:06:42.600
641
+ SquarePants on to the next
642
+
643
+ 161
644
+ 00:06:40.460 --> 00:06:44.400
645
+ what do you think is in this little box
646
+
647
+ 162
648
+ 00:06:42.600 --> 00:06:45.979
649
+ orange chicken rice and my Amazon
650
+
651
+ 163
652
+ 00:06:44.400 --> 00:06:49.860
653
+ package
654
+
655
+ 164
656
+ 00:06:45.979 --> 00:06:51.660
657
+ your Amazon bag this next dish is eaten
658
+
659
+ 165
660
+ 00:06:49.860 --> 00:06:55.940
661
+ during New Year's in Japan you guys
662
+
663
+ 166
664
+ 00:06:51.660 --> 00:06:58.979
665
+ ready yeah three two one
666
+
667
+ 167
668
+ 00:06:55.940 --> 00:07:02.460
669
+ whoa the different food items are meant
670
+
671
+ 168
672
+ 00:06:58.979 --> 00:07:05.460
673
+ to represent Prosperity good fortune and
674
+
675
+ 169
676
+ 00:07:02.460 --> 00:07:07.800
677
+ Health it's so fancy it's fancy right
678
+
679
+ 170
680
+ 00:07:05.460 --> 00:07:10.620
681
+ it's called a Bento Box who likes
682
+
683
+ 171
684
+ 00:07:07.800 --> 00:07:12.419
685
+ Abalone never heard of it yeah me either
686
+
687
+ 172
688
+ 00:07:10.620 --> 00:07:14.819
689
+ I I said it pretty confidently I don't
690
+
691
+ 173
692
+ 00:07:12.419 --> 00:07:16.919
693
+ know what Abalone Abalone that's why you
694
+
695
+ 174
696
+ 00:07:14.819 --> 00:07:18.840
697
+ know I haven't had it because I called
698
+
699
+ 175
700
+ 00:07:16.919 --> 00:07:20.460
701
+ it Abalone and it's actually Abalone
702
+
703
+ 176
704
+ 00:07:18.840 --> 00:07:22.860
705
+ let's make a promise that we're gonna
706
+
707
+ 177
708
+ 00:07:20.460 --> 00:07:25.020
709
+ try at least one thing in the Bento Box
710
+
711
+ 178
712
+ 00:07:22.860 --> 00:07:26.840
713
+ okay which is one thing what is the
714
+
715
+ 179
716
+ 00:07:25.020 --> 00:07:30.360
717
+ prettiest thing you see in there
718
+
719
+ 180
720
+ 00:07:26.840 --> 00:07:32.699
721
+ oh the salmon eggs the salmon eggs all
722
+
723
+ 181
724
+ 00:07:30.360 --> 00:07:33.840
725
+ right what about you Omar shrimp shrimp
726
+
727
+ 182
728
+ 00:07:32.699 --> 00:07:35.660
729
+ that's the prettiest thing and you
730
+
731
+ 183
732
+ 00:07:33.840 --> 00:07:37.740
733
+ kissed it try naturally
734
+
735
+ 184
736
+ 00:07:35.660 --> 00:07:39.360
737
+ [Music]
738
+
739
+ 185
740
+ 00:07:37.740 --> 00:07:41.780
741
+ I'll give you props for trying it that's
742
+
743
+ 186
744
+ 00:07:39.360 --> 00:07:41.780
745
+ really cool
746
+
747
+ 187
748
+ 00:07:42.259 --> 00:07:48.259
749
+ these are strawberry and pineapple
750
+
751
+ 188
752
+ 00:07:45.720 --> 00:07:51.419
753
+ tamales
754
+
755
+ 189
756
+ 00:07:48.259 --> 00:07:54.060
757
+ have you had them before Omar nope Omar
758
+
759
+ 190
760
+ 00:07:51.419 --> 00:07:56.819
761
+ talk to me what's going on yes it's
762
+
763
+ 191
764
+ 00:07:54.060 --> 00:07:58.319
765
+ because I like regular tamales so what
766
+
767
+ 192
768
+ 00:07:56.819 --> 00:08:00.960
769
+ is the regular tamale can you describe
770
+
771
+ 193
772
+ 00:07:58.319 --> 00:08:04.380
773
+ it for me chickeny
774
+
775
+ 194
776
+ 00:08:00.960 --> 00:08:06.539
777
+ is so smooth or the chickening flavor
778
+
779
+ 195
780
+ 00:08:04.380 --> 00:08:08.759
781
+ you want to try the pineapple one the
782
+
783
+ 196
784
+ 00:08:06.539 --> 00:08:10.560
785
+ pineapple one has a has raisins in it
786
+
787
+ 197
788
+ 00:08:08.759 --> 00:08:13.920
789
+ pineapple has raisin that's a great
790
+
791
+ 198
792
+ 00:08:10.560 --> 00:08:17.840
793
+ thing no no okay tamales
794
+
795
+ 199
796
+ 00:08:13.920 --> 00:08:20.280
797
+ [Music]
798
+
799
+ 200
800
+ 00:08:17.840 --> 00:08:21.479
801
+ you guys we got through that how do you
802
+
803
+ 201
804
+ 00:08:20.280 --> 00:08:23.039
805
+ guys feel
806
+
807
+ 202
808
+ 00:08:21.479 --> 00:08:24.539
809
+ good give yourself a big round of
810
+
811
+ 203
812
+ 00:08:23.039 --> 00:08:26.280
813
+ applause
814
+
815
+ 204
816
+ 00:08:24.539 --> 00:08:28.919
817
+ that was really cool I really enjoy
818
+
819
+ 205
820
+ 00:08:26.280 --> 00:08:30.360
821
+ eating with you guys I really felt like
822
+
823
+ 206
824
+ 00:08:28.919 --> 00:08:32.399
825
+ we learned a lot about other cultures
826
+
827
+ 207
828
+ 00:08:30.360 --> 00:08:35.880
829
+ and how they celebrate you know the
830
+
831
+ 208
832
+ 00:08:32.399 --> 00:08:37.440
833
+ holiday season happy holidays
834
+
835
+ 209
836
+ 00:08:35.880 --> 00:08:40.020
837
+ shot
838
+
839
+ 210
840
+ 00:08:37.440 --> 00:08:43.020
841
+ R.I.P to Christmas pudding but a huge
842
+
843
+ 211
844
+ 00:08:40.020 --> 00:08:45.420
845
+ shout out to Omar Olivia Vincent and
846
+
847
+ 212
848
+ 00:08:43.020 --> 00:08:47.580
849
+ Emma Jesus looks like we might have some
850
+
851
+ 213
852
+ 00:08:45.420 --> 00:08:49.560
853
+ future stand-ups on our hands and again
854
+
855
+ 214
856
+ 00:08:47.580 --> 00:08:51.899
857
+ if you would like to help these amazing
858
+
859
+ 215
860
+ 00:08:49.560 --> 00:08:54.360
861
+ kids and their families again please
862
+
863
+ 216
864
+ 00:08:51.899 --> 00:08:56.580
865
+ please please if you're able consider a
866
+
867
+ 217
868
+ 00:08:54.360 --> 00:08:58.860
869
+ donation to Common threads and with that
870
+
871
+ 218
872
+ 00:08:56.580 --> 00:09:01.019
873
+ out of the way it is time to move on in
874
+
875
+ 219
876
+ 00:08:58.860 --> 00:09:02.760
877
+ the show where we check in with the
878
+
879
+ 220
880
+ 00:09:01.019 --> 00:09:05.580
881
+ first we Feast hosts of The Burger show
882
+
883
+ 221
884
+ 00:09:02.760 --> 00:09:08.220
885
+ Burger scholar sessions and pizza wars
886
+
887
+ 222
888
+ 00:09:05.580 --> 00:09:10.620
889
+ as they make the ultimate leftover
890
+
891
+ 223
892
+ 00:09:08.220 --> 00:09:12.899
893
+ sandwich if there's anyone I can count
894
+
895
+ 224
896
+ 00:09:10.620 --> 00:09:15.779
897
+ on to bring in the holiday spirit it is
898
+
899
+ 225
900
+ 00:09:12.899 --> 00:09:17.640
901
+ George moats George what you got cooking
902
+
903
+ 226
904
+ 00:09:15.779 --> 00:09:20.000
905
+ over there I feel like I can smell it
906
+
907
+ 227
908
+ 00:09:17.640 --> 00:09:20.000
909
+ from here
910
+
911
+ 228
912
+ 00:09:20.600 --> 00:09:25.380
913
+ thanks Sean happy holidays everyone as
914
+
915
+ 229
916
+ 00:09:23.940 --> 00:09:28.040
917
+ you know I'm someone who loves tradition
918
+
919
+ 230
920
+ 00:09:25.380 --> 00:09:30.959
921
+ but I love food and in the motels
922
+
923
+ 231
924
+ 00:09:28.040 --> 00:09:32.399
925
+ it's the hardest working button in the
926
+
927
+ 232
928
+ 00:09:30.959 --> 00:09:34.080
929
+ show business
930
+
931
+ 233
932
+ 00:09:32.399 --> 00:09:36.360
933
+ and in the moat's household during the
934
+
935
+ 234
936
+ 00:09:34.080 --> 00:09:38.459
937
+ holidays that means it's time for a very
938
+
939
+ 235
940
+ 00:09:36.360 --> 00:09:41.580
941
+ special leftover sandwich we're gonna
942
+
943
+ 236
944
+ 00:09:38.459 --> 00:09:44.160
945
+ make a turkey hash sandwich
946
+
947
+ 237
948
+ 00:09:41.580 --> 00:09:46.200
949
+ a turkey ass sandwich dark meat dark
950
+
951
+ 238
952
+ 00:09:44.160 --> 00:09:49.800
953
+ meat is amazing because it has flavor
954
+
955
+ 239
956
+ 00:09:46.200 --> 00:09:52.440
957
+ tons of flavor in here I love this
958
+
959
+ 240
960
+ 00:09:49.800 --> 00:09:54.779
961
+ sandwich I love this sandwich okay you
962
+
963
+ 241
964
+ 00:09:52.440 --> 00:09:56.700
965
+ ready to cook let's do this this recipe
966
+
967
+ 242
968
+ 00:09:54.779 --> 00:10:00.060
969
+ actually comes from good friend of mine
970
+
971
+ 243
972
+ 00:09:56.700 --> 00:10:02.279
973
+ and Michelin starred Chef Brad Farmery
974
+
975
+ 244
976
+ 00:10:00.060 --> 00:10:04.260
977
+ so this is a sandwich with a pedigree
978
+
979
+ 245
980
+ 00:10:02.279 --> 00:10:05.580
981
+ first you start by making the hash you
982
+
983
+ 246
984
+ 00:10:04.260 --> 00:10:07.019
985
+ gotta make the hash first it takes a
986
+
987
+ 247
988
+ 00:10:05.580 --> 00:10:08.820
989
+ while I'm not gonna lie to you it might
990
+
991
+ 248
992
+ 00:10:07.019 --> 00:10:11.040
993
+ take a while but it's absolutely worth
994
+
995
+ 249
996
+ 00:10:08.820 --> 00:10:13.500
997
+ it take the skin off the legs pull the
998
+
999
+ 250
1000
+ 00:10:11.040 --> 00:10:15.779
1001
+ meat off the legs and then braise it on
1002
+
1003
+ 251
1004
+ 00:10:13.500 --> 00:10:17.760
1005
+ a stovetop for about 90 minutes in
1006
+
1007
+ 252
1008
+ 00:10:15.779 --> 00:10:19.500
1009
+ chicken stock a little bit of soy sauce
1010
+
1011
+ 253
1012
+ 00:10:17.760 --> 00:10:21.540
1013
+ I threw some thyme in there which is
1014
+
1015
+ 254
1016
+ 00:10:19.500 --> 00:10:23.459
1017
+ really good also you end up with this
1018
+
1019
+ 255
1020
+ 00:10:21.540 --> 00:10:24.300
1021
+ this looks like looks like pulled pork
1022
+
1023
+ 256
1024
+ 00:10:23.459 --> 00:10:26.959
1025
+ right
1026
+
1027
+ 257
1028
+ 00:10:24.300 --> 00:10:26.959
1029
+ oh
1030
+
1031
+ 258
1032
+ 00:10:27.860 --> 00:10:31.620
1033
+ that's good
1034
+
1035
+ 259
1036
+ 00:10:29.820 --> 00:10:34.760
1037
+ oh
1038
+
1039
+ 260
1040
+ 00:10:31.620 --> 00:10:36.860
1041
+ whoa what I'm gonna do is take some good
1042
+
1043
+ 261
1044
+ 00:10:34.760 --> 00:10:39.300
1045
+ crusty bread
1046
+
1047
+ 262
1048
+ 00:10:36.860 --> 00:10:41.339
1049
+ and toast it up
1050
+
1051
+ 263
1052
+ 00:10:39.300 --> 00:10:43.080
1053
+ I like leftovers because you're not
1054
+
1055
+ 264
1056
+ 00:10:41.339 --> 00:10:47.420
1057
+ wasting food
1058
+
1059
+ 265
1060
+ 00:10:43.080 --> 00:10:47.420
1061
+ do your part people eat leftovers
1062
+
1063
+ 266
1064
+ 00:10:48.240 --> 00:10:53.899
1065
+ very important Mayo both sides
1066
+
1067
+ 267
1068
+ 00:10:51.480 --> 00:10:57.060
1069
+ turkey hash on there first the hash
1070
+
1071
+ 268
1072
+ 00:10:53.899 --> 00:11:00.360
1073
+ you've got mashed potatoes oh green bean
1074
+
1075
+ 269
1076
+ 00:10:57.060 --> 00:11:02.880
1077
+ casserole sure get some green in there
1078
+
1079
+ 270
1080
+ 00:11:00.360 --> 00:11:04.260
1081
+ you had stuffing in your bird oh how
1082
+
1083
+ 271
1084
+ 00:11:02.880 --> 00:11:04.980
1085
+ about that too
1086
+
1087
+ 272
1088
+ 00:11:04.260 --> 00:11:07.019
1089
+ um
1090
+
1091
+ 273
1092
+ 00:11:04.980 --> 00:11:10.680
1093
+ Gotta Have gravy
1094
+
1095
+ 274
1096
+ 00:11:07.019 --> 00:11:11.760
1097
+ on a holiday leftover sandwich I was
1098
+
1099
+ 275
1100
+ 00:11:10.680 --> 00:11:13.620
1101
+ gonna have a little bit of hot sauce in
1102
+
1103
+ 276
1104
+ 00:11:11.760 --> 00:11:16.920
1105
+ there give it a little kick in the pants
1106
+
1107
+ 277
1108
+ 00:11:13.620 --> 00:11:18.360
1109
+ don't forget the slice of canned
1110
+
1111
+ 278
1112
+ 00:11:16.920 --> 00:11:19.500
1113
+ cranberry
1114
+
1115
+ 279
1116
+ 00:11:18.360 --> 00:11:21.660
1117
+ um
1118
+
1119
+ 280
1120
+ 00:11:19.500 --> 00:11:23.030
1121
+ Touch of sweetness
1122
+
1123
+ 281
1124
+ 00:11:21.660 --> 00:11:26.180
1125
+ and look at that
1126
+
1127
+ 282
1128
+ 00:11:23.030 --> 00:11:27.899
1129
+ [Music]
1130
+
1131
+ 283
1132
+ 00:11:26.180 --> 00:11:30.720
1133
+ oh
1134
+
1135
+ 284
1136
+ 00:11:27.899 --> 00:11:33.560
1137
+ it's supposed to be sloppy it's okay oh
1138
+
1139
+ 285
1140
+ 00:11:30.720 --> 00:11:33.560
1141
+ oh God
1142
+
1143
+ 286
1144
+ 00:11:35.339 --> 00:11:38.060
1145
+ oh wow
1146
+
1147
+ 287
1148
+ 00:11:40.440 --> 00:11:45.720
1149
+ happy holidays to me
1150
+
1151
+ 288
1152
+ 00:11:42.980 --> 00:11:48.680
1153
+ don't forget to hit that donation button
1154
+
1155
+ 289
1156
+ 00:11:45.720 --> 00:11:48.680
1157
+ take it away Alvin
1158
+
1159
+ 290
1160
+ 00:11:49.079 --> 00:11:53.880
1161
+ happy holidays y'all it's your boy Alvin
1162
+
1163
+ 291
1164
+ 00:11:51.959 --> 00:11:55.740
1165
+ kailan and today we're making my
1166
+
1167
+ 292
1168
+ 00:11:53.880 --> 00:11:57.240
1169
+ favorite holiday leftover sandwich we
1170
+
1171
+ 293
1172
+ 00:11:55.740 --> 00:11:59.700
1173
+ have crispy Pata
1174
+
1175
+ 294
1176
+ 00:11:57.240 --> 00:12:01.860
1177
+ King's Hawaiian bread and everything
1178
+
1179
+ 295
1180
+ 00:11:59.700 --> 00:12:04.380
1181
+ else that we have in a Filipino
1182
+
1183
+ 296
1184
+ 00:12:01.860 --> 00:12:06.779
1185
+ refrigerator that's gonna make an
1186
+
1187
+ 297
1188
+ 00:12:04.380 --> 00:12:08.820
1189
+ ultimate yummy sandwich
1190
+
1191
+ 298
1192
+ 00:12:06.779 --> 00:12:11.940
1193
+ so we're gonna start off
1194
+
1195
+ 299
1196
+ 00:12:08.820 --> 00:12:15.120
1197
+ with Crispy Pata which is usually pork
1198
+
1199
+ 300
1200
+ 00:12:11.940 --> 00:12:17.339
1201
+ leg sometimes pork knuckle you see this
1202
+
1203
+ 301
1204
+ 00:12:15.120 --> 00:12:20.040
1205
+ like huge piece of skin you gotta you
1206
+
1207
+ 302
1208
+ 00:12:17.339 --> 00:12:22.440
1209
+ have to guard dearly with your life
1210
+
1211
+ 303
1212
+ 00:12:20.040 --> 00:12:24.420
1213
+ because you have that one Uncle who will
1214
+
1215
+ 304
1216
+ 00:12:22.440 --> 00:12:25.800
1217
+ look at it and steal it off your plate
1218
+
1219
+ 305
1220
+ 00:12:24.420 --> 00:12:28.500
1221
+ if you're not looking shout out to you
1222
+
1223
+ 306
1224
+ 00:12:25.800 --> 00:12:31.800
1225
+ Nester so I'm gonna throw this onto the
1226
+
1227
+ 307
1228
+ 00:12:28.500 --> 00:12:34.079
1229
+ griddle skin is re-crisped
1230
+
1231
+ 308
1232
+ 00:12:31.800 --> 00:12:38.339
1233
+ we'll put this on the side add some
1234
+
1235
+ 309
1236
+ 00:12:34.079 --> 00:12:40.160
1237
+ cucumber onions chive parsley sugar a
1238
+
1239
+ 310
1240
+ 00:12:38.339 --> 00:12:42.779
1241
+ little bit of soy sauce my favorite
1242
+
1243
+ 311
1244
+ 00:12:40.160 --> 00:12:45.600
1245
+ calamansi juice this is going to add
1246
+
1247
+ 312
1248
+ 00:12:42.779 --> 00:12:48.600
1249
+ some some twang extra virgin olive oil
1250
+
1251
+ 313
1252
+ 00:12:45.600 --> 00:12:51.180
1253
+ just to like amp up the anxiousness
1254
+
1255
+ 314
1256
+ 00:12:48.600 --> 00:12:52.920
1257
+ give it a nice mix oh yeah look at this
1258
+
1259
+ 315
1260
+ 00:12:51.180 --> 00:12:56.579
1261
+ we'll set this aside and then we'll
1262
+
1263
+ 316
1264
+ 00:12:52.920 --> 00:12:58.040
1265
+ start with our bread so you want to
1266
+
1267
+ 317
1268
+ 00:12:56.579 --> 00:13:00.779
1269
+ toast this until it's nice and brown
1270
+
1271
+ 318
1272
+ 00:12:58.040 --> 00:13:02.760
1273
+ pull this off we're going to melt some
1274
+
1275
+ 319
1276
+ 00:13:00.779 --> 00:13:04.620
1277
+ of this Adam cheese
1278
+
1279
+ 320
1280
+ 00:13:02.760 --> 00:13:06.899
1281
+ they used to give this to us as gifts
1282
+
1283
+ 321
1284
+ 00:13:04.620 --> 00:13:08.820
1285
+ and as a child I really never
1286
+
1287
+ 322
1288
+ 00:13:06.899 --> 00:13:11.880
1289
+ appreciated it because who the hell
1290
+
1291
+ 323
1292
+ 00:13:08.820 --> 00:13:13.860
1293
+ wants cheese for Christmas we'll throw
1294
+
1295
+ 324
1296
+ 00:13:11.880 --> 00:13:17.940
1297
+ our Bread on top of that
1298
+
1299
+ 325
1300
+ 00:13:13.860 --> 00:13:20.120
1301
+ grab your plate Wham wow
1302
+
1303
+ 326
1304
+ 00:13:17.940 --> 00:13:24.180
1305
+ we grab this beautiful
1306
+
1307
+ 327
1308
+ 00:13:20.120 --> 00:13:25.079
1309
+ crispy Pata pulled pork I could hear my
1310
+
1311
+ 328
1312
+ 00:13:24.180 --> 00:13:26.639
1313
+ mom
1314
+
1315
+ 329
1316
+ 00:13:25.079 --> 00:13:29.040
1317
+ in the background going don't forget
1318
+
1319
+ 330
1320
+ 00:13:26.639 --> 00:13:32.399
1321
+ your vegetables and there's the
1322
+
1323
+ 331
1324
+ 00:13:29.040 --> 00:13:34.560
1325
+ vegetables mom remember that skin that
1326
+
1327
+ 332
1328
+ 00:13:32.399 --> 00:13:37.440
1329
+ Uncle Nester did not take
1330
+
1331
+ 333
1332
+ 00:13:34.560 --> 00:13:41.339
1333
+ we put it on top Wham look at that
1334
+
1335
+ 334
1336
+ 00:13:37.440 --> 00:13:44.310
1337
+ crispy pork Pata sandwich
1338
+
1339
+ 335
1340
+ 00:13:41.339 --> 00:13:48.200
1341
+ oh mistletoe is back
1342
+
1343
+ 336
1344
+ 00:13:44.310 --> 00:13:52.019
1345
+ [Music]
1346
+
1347
+ 337
1348
+ 00:13:48.200 --> 00:13:54.240
1349
+ this is so good there it is crispy pasta
1350
+
1351
+ 338
1352
+ 00:13:52.019 --> 00:13:56.399
1353
+ sandwich parole
1354
+
1355
+ 339
1356
+ 00:13:54.240 --> 00:14:00.000
1357
+ techno lights
1358
+
1359
+ 340
1360
+ 00:13:56.399 --> 00:14:01.600
1361
+ I'm feeling all kinds of holidays Nicole
1362
+
1363
+ 341
1364
+ 00:14:00.000 --> 00:14:03.060
1365
+ take it away
1366
+
1367
+ 342
1368
+ 00:14:01.600 --> 00:14:05.880
1369
+ [Music]
1370
+
1371
+ 343
1372
+ 00:14:03.060 --> 00:14:08.339
1373
+ thanks Alvin and happy holidays
1374
+
1375
+ 344
1376
+ 00:14:05.880 --> 00:14:10.500
1377
+ Daisy in my house when I think of
1378
+
1379
+ 345
1380
+ 00:14:08.339 --> 00:14:13.500
1381
+ holiday leftovers it makes me think of
1382
+
1383
+ 346
1384
+ 00:14:10.500 --> 00:14:15.720
1385
+ one thing and one thing only Jamaican
1386
+
1387
+ 347
1388
+ 00:14:13.500 --> 00:14:17.700
1389
+ corned beef and cabbage for those who
1390
+
1391
+ 348
1392
+ 00:14:15.720 --> 00:14:19.560
1393
+ don't know Jamaican corned beef and
1394
+
1395
+ 349
1396
+ 00:14:17.700 --> 00:14:21.420
1397
+ cabbage is also called bully beef and
1398
+
1399
+ 350
1400
+ 00:14:19.560 --> 00:14:22.980
1401
+ cabbage and it's a staple in the
1402
+
1403
+ 351
1404
+ 00:14:21.420 --> 00:14:24.360
1405
+ Jamaican household and you know what it
1406
+
1407
+ 352
1408
+ 00:14:22.980 --> 00:14:26.399
1409
+ makes for an incredible leftover
1410
+
1411
+ 353
1412
+ 00:14:24.360 --> 00:14:28.079
1413
+ sandwich especially on some Jamaican
1414
+
1415
+ 354
1416
+ 00:14:26.399 --> 00:14:30.180
1417
+ Hondo bread and that's what we're gonna
1418
+
1419
+ 355
1420
+ 00:14:28.079 --> 00:14:32.220
1421
+ do today okay so I'm gonna take my bread
1422
+
1423
+ 356
1424
+ 00:14:30.180 --> 00:14:34.740
1425
+ and the trick here is I'm gonna get
1426
+
1427
+ 357
1428
+ 00:14:32.220 --> 00:14:36.899
1429
+ killed by my mom but you know I'm greedy
1430
+
1431
+ 358
1432
+ 00:14:34.740 --> 00:14:38.279
1433
+ I want the Big Slice of the bread so I'm
1434
+
1435
+ 359
1436
+ 00:14:36.899 --> 00:14:40.680
1437
+ going straight for the middle
1438
+
1439
+ 360
1440
+ 00:14:38.279 --> 00:14:42.480
1441
+ and look at that see it's super dense
1442
+
1443
+ 361
1444
+ 00:14:40.680 --> 00:14:44.459
1445
+ but it's also super soft so
1446
+
1447
+ 362
1448
+ 00:14:42.480 --> 00:14:46.560
1449
+ traditionally all you need corned beef
1450
+
1451
+ 363
1452
+ 00:14:44.459 --> 00:14:48.779
1453
+ and cabbage hard door bread you're all
1454
+
1455
+ 364
1456
+ 00:14:46.560 --> 00:14:51.000
1457
+ set but me you know I like to Jazz
1458
+
1459
+ 365
1460
+ 00:14:48.779 --> 00:14:53.339
1461
+ things up a little differently you know
1462
+
1463
+ 366
1464
+ 00:14:51.000 --> 00:14:55.380
1465
+ it goes good with mustard and next the
1466
+
1467
+ 367
1468
+ 00:14:53.339 --> 00:14:56.579
1469
+ star of the show the Jamaican corned
1470
+
1471
+ 368
1472
+ 00:14:55.380 --> 00:14:58.920
1473
+ beef and cabbage so when you couldn't
1474
+
1475
+ 369
1476
+ 00:14:56.579 --> 00:15:00.600
1477
+ get the real Prime cuts of beef you
1478
+
1479
+ 370
1480
+ 00:14:58.920 --> 00:15:02.040
1481
+ would get the corned beef in a can and
1482
+
1483
+ 371
1484
+ 00:15:00.600 --> 00:15:04.019
1485
+ you would make do with it it's like a
1486
+
1487
+ 372
1488
+ 00:15:02.040 --> 00:15:06.480
1489
+ struggle food but we don't struggle no
1490
+
1491
+ 373
1492
+ 00:15:04.019 --> 00:15:10.500
1493
+ more because now instead of just putting
1494
+
1495
+ 374
1496
+ 00:15:06.480 --> 00:15:12.899
1497
+ one can we put two cans we took two cans
1498
+
1499
+ 375
1500
+ 00:15:10.500 --> 00:15:15.300
1501
+ mind blown and the way that you make
1502
+
1503
+ 376
1504
+ 00:15:12.899 --> 00:15:17.820
1505
+ this is super easy all you have to do is
1506
+
1507
+ 377
1508
+ 00:15:15.300 --> 00:15:20.100
1509
+ stew down some cabbage some onions you
1510
+
1511
+ 378
1512
+ 00:15:17.820 --> 00:15:21.959
1513
+ know some peppers some tomato when I
1514
+
1515
+ 379
1516
+ 00:15:20.100 --> 00:15:23.459
1517
+ smell this I think of my childhood when
1518
+
1519
+ 380
1520
+ 00:15:21.959 --> 00:15:25.380
1521
+ my mother would make this so I would
1522
+
1523
+ 381
1524
+ 00:15:23.459 --> 00:15:27.300
1525
+ just stand by wait for my mother to move
1526
+
1527
+ 382
1528
+ 00:15:25.380 --> 00:15:29.399
1529
+ to the side and I snatch some hot right
1530
+
1531
+ 383
1532
+ 00:15:27.300 --> 00:15:31.199
1533
+ out the pot so now you need some swiss
1534
+
1535
+ 384
1536
+ 00:15:29.399 --> 00:15:34.980
1537
+ cheese so what's next on here I'm gonna
1538
+
1539
+ 385
1540
+ 00:15:31.199 --> 00:15:39.120
1541
+ put some crunchy bacon down and then I'm
1542
+
1543
+ 386
1544
+ 00:15:34.980 --> 00:15:42.240
1545
+ gonna add some tomatoes and then the
1546
+
1547
+ 387
1548
+ 00:15:39.120 --> 00:15:43.199
1549
+ last thing is the cool Iceberg shredded
1550
+
1551
+ 388
1552
+ 00:15:42.240 --> 00:15:45.440
1553
+ lettuce
1554
+
1555
+ 389
1556
+ 00:15:43.199 --> 00:15:48.839
1557
+ and then we're gonna top it
1558
+
1559
+ 390
1560
+ 00:15:45.440 --> 00:15:50.820
1561
+ Booyah what's up I'm gonna cut it right
1562
+
1563
+ 391
1564
+ 00:15:48.839 --> 00:15:52.320
1565
+ down the middle just like they would do
1566
+
1567
+ 392
1568
+ 00:15:50.820 --> 00:15:53.820
1569
+ with cat's Deli you know what I'm saying
1570
+
1571
+ 393
1572
+ 00:15:52.320 --> 00:15:56.010
1573
+ you know what I'm saying
1574
+
1575
+ 394
1576
+ 00:15:53.820 --> 00:15:58.519
1577
+ look at that baby right there
1578
+
1579
+ 395
1580
+ 00:15:56.010 --> 00:16:01.199
1581
+ [Music]
1582
+
1583
+ 396
1584
+ 00:15:58.519 --> 00:16:03.779
1585
+ so the corned beef and cabbage is nice
1586
+
1587
+ 397
1588
+ 00:16:01.199 --> 00:16:06.779
1589
+ and juicy we got the Swiss cheese the
1590
+
1591
+ 398
1592
+ 00:16:03.779 --> 00:16:08.519
1593
+ ice cold lettuce the bacon is slapping
1594
+
1595
+ 399
1596
+ 00:16:06.779 --> 00:16:10.139
1597
+ all right guys thanks for joining us but
1598
+
1599
+ 400
1600
+ 00:16:08.519 --> 00:16:12.600
1601
+ most importantly make sure you hit that
1602
+
1603
+ 401
1604
+ 00:16:10.139 --> 00:16:15.899
1605
+ donation button it really counts all
1606
+
1607
+ 402
1608
+ 00:16:12.600 --> 00:16:18.660
1609
+ right that's it for me back to you Sean
1610
+
1611
+ 403
1612
+ 00:16:15.899 --> 00:16:20.760
1613
+ wow those sandwiches look delicious to
1614
+
1615
+ 404
1616
+ 00:16:18.660 --> 00:16:22.920
1617
+ The Culinary team at first we Feast you
1618
+
1619
+ 405
1620
+ 00:16:20.760 --> 00:16:25.019
1621
+ guys never cease to amaze the only thing
1622
+
1623
+ 406
1624
+ 00:16:22.920 --> 00:16:26.940
1625
+ that I ask is if you ask me to be on
1626
+
1627
+ 407
1628
+ 00:16:25.019 --> 00:16:28.800
1629
+ your shows in the coming years maybe we
1630
+
1631
+ 408
1632
+ 00:16:26.940 --> 00:16:30.540
1633
+ can just eat like normal food not
1634
+
1635
+ 409
1636
+ 00:16:28.800 --> 00:16:32.940
1637
+ everything has to be spicy George
1638
+
1639
+ 410
1640
+ 00:16:30.540 --> 00:16:35.100
1641
+ sometimes I just won an Oklahoma fried
1642
+
1643
+ 411
1644
+ 00:16:32.940 --> 00:16:37.079
1645
+ onion burger like without the last dab
1646
+
1647
+ 412
1648
+ 00:16:35.100 --> 00:16:40.320
1649
+ can I just have like a normal Pizza does
1650
+
1651
+ 413
1652
+ 00:16:37.079 --> 00:16:43.440
1653
+ it have to be a spicy pizza but anyways
1654
+
1655
+ 414
1656
+ 00:16:40.320 --> 00:16:45.060
1657
+ I digress you know here on hot ones we
1658
+
1659
+ 415
1660
+ 00:16:43.440 --> 00:16:46.980
1661
+ have a lot of Emmy Award winners a lot
1662
+
1663
+ 416
1664
+ 00:16:45.060 --> 00:16:49.380
1665
+ of Grammy Award winners Tony Award
1666
+
1667
+ 417
1668
+ 00:16:46.980 --> 00:16:51.000
1669
+ winners Oscar award winners but do you
1670
+
1671
+ 418
1672
+ 00:16:49.380 --> 00:16:55.139
1673
+ know it's an even more exclusive Club
1674
+
1675
+ 419
1676
+ 00:16:51.000 --> 00:16:57.959
1677
+ the hot ones Award winners and it is
1678
+
1679
+ 420
1680
+ 00:16:55.139 --> 00:16:59.579
1681
+ that time I'm on pins and needles and
1682
+
1683
+ 421
1684
+ 00:16:57.959 --> 00:17:01.259
1685
+ the only difference between our award
1686
+
1687
+ 422
1688
+ 00:16:59.579 --> 00:17:03.600
1689
+ show and the other ones we don't have
1690
+
1691
+ 423
1692
+ 00:17:01.259 --> 00:17:05.880
1693
+ some price Waterhouse Cooper audit for
1694
+
1695
+ 424
1696
+ 00:17:03.600 --> 00:17:08.339
1697
+ the selection process it's just a lot of
1698
+
1699
+ 425
1700
+ 00:17:05.880 --> 00:17:10.380
1701
+ love and a lot of appreciation for the
1702
+
1703
+ 426
1704
+ 00:17:08.339 --> 00:17:13.079
1705
+ people who've taken on the hot ones
1706
+
1707
+ 427
1708
+ 00:17:10.380 --> 00:17:15.780
1709
+ Gauntlet and it is time to pass the
1710
+
1711
+ 428
1712
+ 00:17:13.079 --> 00:17:18.839
1713
+ reins over to our very illustrious hosts
1714
+
1715
+ 429
1716
+ 00:17:15.780 --> 00:17:21.380
1717
+ camera guy Bill with the hot ones 2022
1718
+
1719
+ 430
1720
+ 00:17:18.839 --> 00:17:21.380
1721
+ Awards
1722
+
1723
+ 431
1724
+ 00:17:23.839 --> 00:17:33.179
1725
+ it's the hot ones Awards we're here for
1726
+
1727
+ 432
1728
+ 00:17:29.520 --> 00:17:36.860
1729
+ year two I don't know about you but I'm
1730
+
1731
+ 433
1732
+ 00:17:33.179 --> 00:17:41.059
1733
+ ready for the hot ones Awards
1734
+
1735
+ 434
1736
+ 00:17:36.860 --> 00:17:46.559
1737
+ they'll be celebrities golden amenities
1738
+
1739
+ 435
1740
+ 00:17:41.059 --> 00:17:46.559
1741
+ at the hot ones Awards
1742
+
1743
+ 436
1744
+ 00:17:47.400 --> 00:17:54.120
1745
+ Sean welcome one and all to the 2022 hot
1746
+
1747
+ 437
1748
+ 00:17:51.660 --> 00:17:55.980
1749
+ ones award show I am so incredibly happy
1750
+
1751
+ 438
1752
+ 00:17:54.120 --> 00:17:58.860
1753
+ to be back hosting for what is sure to
1754
+
1755
+ 439
1756
+ 00:17:55.980 --> 00:18:00.419
1757
+ be an unforgettable show it feels like
1758
+
1759
+ 440
1760
+ 00:17:58.860 --> 00:18:02.820
1761
+ we were just here celebrating last
1762
+
1763
+ 441
1764
+ 00:18:00.419 --> 00:18:05.760
1765
+ year's winners can you believe it I sure
1766
+
1767
+ 442
1768
+ 00:18:02.820 --> 00:18:08.520
1769
+ can't so much has happened so many hot
1770
+
1771
+ 443
1772
+ 00:18:05.760 --> 00:18:12.059
1773
+ ones episodes so many memes and lots of
1774
+
1775
+ 444
1776
+ 00:18:08.520 --> 00:18:14.400
1777
+ cameras being operated wink the hot ones
1778
+
1779
+ 445
1780
+ 00:18:12.059 --> 00:18:18.059
1781
+ Academy is back at it again they've
1782
+
1783
+ 446
1784
+ 00:18:14.400 --> 00:18:20.520
1785
+ taken no days off and here we are ready
1786
+
1787
+ 447
1788
+ 00:18:18.059 --> 00:18:24.240
1789
+ to Crown the most award-worthy moments
1790
+
1791
+ 448
1792
+ 00:18:20.520 --> 00:18:25.919
1793
+ of 2022. let's get to our first award
1794
+
1795
+ 449
1796
+ 00:18:24.240 --> 00:18:28.260
1797
+ you know what's harder than eating nine
1798
+
1799
+ 450
1800
+ 00:18:25.919 --> 00:18:30.299
1801
+ Wings eating ten and then still being
1802
+
1803
+ 451
1804
+ 00:18:28.260 --> 00:18:32.760
1805
+ asked to jump through one final hoop
1806
+
1807
+ 452
1808
+ 00:18:30.299 --> 00:18:34.799
1809
+ even after the last dab begins to melt
1810
+
1811
+ 453
1812
+ 00:18:32.760 --> 00:18:37.620
1813
+ your brain and set your tunnel Blaze
1814
+
1815
+ 454
1816
+ 00:18:34.799 --> 00:18:39.660
1817
+ when cold to Arms these nominees Rose to
1818
+
1819
+ 455
1820
+ 00:18:37.620 --> 00:18:41.820
1821
+ the challenge and they all deserve some
1822
+
1823
+ 456
1824
+ 00:18:39.660 --> 00:18:44.160
1825
+ recognition for that here are the
1826
+
1827
+ 457
1828
+ 00:18:41.820 --> 00:18:45.419
1829
+ nominees for this year's Best Wing 10
1830
+
1831
+ 458
1832
+ 00:18:44.160 --> 00:18:48.120
1833
+ moment
1834
+
1835
+ 459
1836
+ 00:18:45.419 --> 00:18:50.820
1837
+ post Malone vs Sean Evans water Pond
1838
+
1839
+ 460
1840
+ 00:18:48.120 --> 00:18:54.240
1841
+ Bear Grylls eating crickets and worms
1842
+
1843
+ 461
1844
+ 00:18:50.820 --> 00:18:55.799
1845
+ Neil Patrick Harris's magic trick and
1846
+
1847
+ 462
1848
+ 00:18:54.240 --> 00:18:59.340
1849
+ the winner is
1850
+
1851
+ 463
1852
+ 00:18:55.799 --> 00:19:02.220
1853
+ Bear Grylls congratulations bear
1854
+
1855
+ 464
1856
+ 00:18:59.340 --> 00:19:04.620
1857
+ hey guys the holiday Extravaganza Best
1858
+
1859
+ 465
1860
+ 00:19:02.220 --> 00:19:07.500
1861
+ Wing moment what an honor thank you all
1862
+
1863
+ 466
1864
+ 00:19:04.620 --> 00:19:09.780
1865
+ so much uh Sean uh this was a really
1866
+
1867
+ 467
1868
+ 00:19:07.500 --> 00:19:12.419
1869
+ special one for me you and your crew uh
1870
+
1871
+ 468
1872
+ 00:19:09.780 --> 00:19:13.860
1873
+ such gems so thank you uh have an
1874
+
1875
+ 469
1876
+ 00:19:12.419 --> 00:19:16.500
1877
+ amazing holiday
1878
+
1879
+ 470
1880
+ 00:19:13.860 --> 00:19:18.660
1881
+ I've only just recovered
1882
+
1883
+ 471
1884
+ 00:19:16.500 --> 00:19:20.580
1885
+ well after a wingten moment like that
1886
+
1887
+ 472
1888
+ 00:19:18.660 --> 00:19:23.400
1889
+ you sure deserve some hibernation time
1890
+
1891
+ 473
1892
+ 00:19:20.580 --> 00:19:25.200
1893
+ bear from the iconic Shack face to look
1894
+
1895
+ 474
1896
+ 00:19:23.400 --> 00:19:27.720
1897
+ at us look at us who would have thought
1898
+
1899
+ 475
1900
+ 00:19:25.200 --> 00:19:30.240
1901
+ not me hot wings has launched a thousand
1902
+
1903
+ 476
1904
+ 00:19:27.720 --> 00:19:31.679
1905
+ memes because let's face it seeing how
1906
+
1907
+ 477
1908
+ 00:19:30.240 --> 00:19:33.480
1909
+ celebrities handle themselves while
1910
+
1911
+ 478
1912
+ 00:19:31.679 --> 00:19:36.059
1913
+ eating some of the hottest sauces on the
1914
+
1915
+ 479
1916
+ 00:19:33.480 --> 00:19:38.700
1917
+ planet is always entertaining with that
1918
+
1919
+ 480
1920
+ 00:19:36.059 --> 00:19:43.020
1921
+ in mind here are the nominees for 2022's
1922
+
1923
+ 481
1924
+ 00:19:38.700 --> 00:19:46.260
1925
+ best reactions Millie Bobby Brown
1926
+
1927
+ 482
1928
+ 00:19:43.020 --> 00:19:48.240
1929
+ Daniel Kalua
1930
+
1931
+ 483
1932
+ 00:19:46.260 --> 00:19:51.059
1933
+ Kid Cudi
1934
+
1935
+ 484
1936
+ 00:19:48.240 --> 00:19:56.700
1937
+ and the winner is
1938
+
1939
+ 485
1940
+ 00:19:51.059 --> 00:19:59.340
1941
+ Kid Cudi congrats Mr Cuddy yo I want to
1942
+
1943
+ 486
1944
+ 00:19:56.700 --> 00:20:01.200
1945
+ say thank you so so much for this award
1946
+
1947
+ 487
1948
+ 00:19:59.340 --> 00:20:03.059
1949
+ I've been a fan of hot ones for a minute
1950
+
1951
+ 488
1952
+ 00:20:01.200 --> 00:20:04.980
1953
+ you know you guys been seeing me on
1954
+
1955
+ 489
1956
+ 00:20:03.059 --> 00:20:07.440
1957
+ Twitter talking about it we've been
1958
+
1959
+ 490
1960
+ 00:20:04.980 --> 00:20:09.480
1961
+ planning this for a couple years and you
1962
+
1963
+ 491
1964
+ 00:20:07.440 --> 00:20:10.860
1965
+ know I just wanted to be memorable just
1966
+
1967
+ 492
1968
+ 00:20:09.480 --> 00:20:12.240
1969
+ wanted to have some funny moments want
1970
+
1971
+ 493
1972
+ 00:20:10.860 --> 00:20:14.660
1973
+ to make you guys laugh
1974
+
1975
+ 494
1976
+ 00:20:12.240 --> 00:20:17.700
1977
+ so uh here we are I guess I did the job
1978
+
1979
+ 495
1980
+ 00:20:14.660 --> 00:20:20.100
1981
+ uh Sean holla at me all right we gotta
1982
+
1983
+ 496
1984
+ 00:20:17.700 --> 00:20:22.380
1985
+ do round two next switch up some sauces
1986
+
1987
+ 497
1988
+ 00:20:20.100 --> 00:20:24.360
1989
+ all right give me a little test
1990
+
1991
+ 498
1992
+ 00:20:22.380 --> 00:20:27.179
1993
+ peace and love
1994
+
1995
+ 499
1996
+ 00:20:24.360 --> 00:20:28.860
1997
+ wow those shirt were some reactions well
1998
+
1999
+ 500
2000
+ 00:20:27.179 --> 00:20:31.200
2001
+ some guests spitting buckets and run
2002
+
2003
+ 501
2004
+ 00:20:28.860 --> 00:20:33.720
2005
+ laps around the table others are Stone
2006
+
2007
+ 502
2008
+ 00:20:31.200 --> 00:20:35.700
2009
+ Cold Killers who appear to be completely
2010
+
2011
+ 503
2012
+ 00:20:33.720 --> 00:20:38.100
2013
+ unaffected by the Scoville Onslaught
2014
+
2015
+ 504
2016
+ 00:20:35.700 --> 00:20:40.679
2017
+ this next award goes to the person who
2018
+
2019
+ 505
2020
+ 00:20:38.100 --> 00:20:42.900
2021
+ took on all 10 wins and didn't bat an
2022
+
2023
+ 506
2024
+ 00:20:40.679 --> 00:20:45.480
2025
+ eye a true champion that deserves
2026
+
2027
+ 507
2028
+ 00:20:42.900 --> 00:20:47.520
2029
+ recognition for making it look easy this
2030
+
2031
+ 508
2032
+ 00:20:45.480 --> 00:20:50.160
2033
+ was an incredibly tough category because
2034
+
2035
+ 509
2036
+ 00:20:47.520 --> 00:20:52.799
2037
+ we've had some true badasses in the hot
2038
+
2039
+ 510
2040
+ 00:20:50.160 --> 00:20:53.940
2041
+ one seat here are the nominees for Wing
2042
+
2043
+ 511
2044
+ 00:20:52.799 --> 00:20:56.940
2045
+ Warrior
2046
+
2047
+ 512
2048
+ 00:20:53.940 --> 00:20:59.280
2049
+ David Blaine
2050
+
2051
+ 513
2052
+ 00:20:56.940 --> 00:21:01.980
2053
+ lizzo
2054
+
2055
+ 514
2056
+ 00:20:59.280 --> 00:21:04.620
2057
+ Courtney Cox
2058
+
2059
+ 515
2060
+ 00:21:01.980 --> 00:21:08.340
2061
+ and the winner is
2062
+
2063
+ 516
2064
+ 00:21:04.620 --> 00:21:10.919
2065
+ David Blaine congrats Mr Blaine this hot
2066
+
2067
+ 517
2068
+ 00:21:08.340 --> 00:21:12.299
2069
+ ones award is just so meaningful to me
2070
+
2071
+ 518
2072
+ 00:21:10.919 --> 00:21:16.280
2073
+ and it's somebody that knows a little
2074
+
2075
+ 519
2076
+ 00:21:12.299 --> 00:21:16.280
2077
+ bit now about hot sauce I mean
2078
+
2079
+ 520
2080
+ 00:21:22.160 --> 00:21:25.279
2081
+ [Music]
2082
+
2083
+ 521
2084
+ 00:21:27.419 --> 00:21:35.560
2085
+ foreign
2086
+
2087
+ 522
2088
+ 00:21:30.060 --> 00:21:35.560
2089
+ [Music]
2090
+
2091
+ 523
2092
+ 00:21:37.900 --> 00:21:43.609
2093
+ [Music]
2094
+
2095
+ 524
2096
+ 00:21:43.919 --> 00:21:49.559
2097
+ thank you hot ones well that sure was
2098
+
2099
+ 525
2100
+ 00:21:46.980 --> 00:21:51.539
2101
+ magical Mr Blaine every now and then we
2102
+
2103
+ 526
2104
+ 00:21:49.559 --> 00:21:53.520
2105
+ have a guest who comes to the show and
2106
+
2107
+ 527
2108
+ 00:21:51.539 --> 00:21:56.520
2109
+ leaves a lasting impression on everyone
2110
+
2111
+ 528
2112
+ 00:21:53.520 --> 00:21:58.799
2113
+ an infectious presence and personality
2114
+
2115
+ 529
2116
+ 00:21:56.520 --> 00:22:01.140
2117
+ that captivates the audience in ways we
2118
+
2119
+ 530
2120
+ 00:21:58.799 --> 00:22:03.360
2121
+ didn't know possible sometimes it's the
2122
+
2123
+ 531
2124
+ 00:22:01.140 --> 00:22:05.340
2125
+ way they tell a story sometimes it's
2126
+
2127
+ 532
2128
+ 00:22:03.360 --> 00:22:07.679
2129
+ life advice and other times it's
2130
+
2131
+ 533
2132
+ 00:22:05.340 --> 00:22:10.559
2133
+ overcoming the bomb these are the
2134
+
2135
+ 534
2136
+ 00:22:07.679 --> 00:22:13.140
2137
+ nominees for the most inspiring
2138
+
2139
+ 535
2140
+ 00:22:10.559 --> 00:22:15.600
2141
+ Queen Latifah
2142
+
2143
+ 536
2144
+ 00:22:13.140 --> 00:22:18.179
2145
+ Viola Davis
2146
+
2147
+ 537
2148
+ 00:22:15.600 --> 00:22:21.000
2149
+ Andrew Callahan
2150
+
2151
+ 538
2152
+ 00:22:18.179 --> 00:22:24.780
2153
+ and the winner is
2154
+
2155
+ 539
2156
+ 00:22:21.000 --> 00:22:27.419
2157
+ Viola Davis congrats Miss Davis
2158
+
2159
+ 540
2160
+ 00:22:24.780 --> 00:22:31.200
2161
+ I have been preparing for this for my
2162
+
2163
+ 541
2164
+ 00:22:27.419 --> 00:22:34.380
2165
+ entire life by sucking on Bones sucking
2166
+
2167
+ 542
2168
+ 00:22:31.200 --> 00:22:36.720
2169
+ the marrow out of Bones basically eating
2170
+
2171
+ 543
2172
+ 00:22:34.380 --> 00:22:38.039
2173
+ a lot of hot wings and chewing with my
2174
+
2175
+ 544
2176
+ 00:22:36.720 --> 00:22:40.200
2177
+ mouth open
2178
+
2179
+ 545
2180
+ 00:22:38.039 --> 00:22:43.500
2181
+ so thank you hot ones holiday
2182
+
2183
+ 546
2184
+ 00:22:40.200 --> 00:22:47.120
2185
+ extravagant Extravaganza 2022 most
2186
+
2187
+ 547
2188
+ 00:22:43.500 --> 00:22:50.520
2189
+ inspiring thank you Sean for literally
2190
+
2191
+ 548
2192
+ 00:22:47.120 --> 00:22:53.340
2193
+ giving the best interview with the best
2194
+
2195
+ 549
2196
+ 00:22:50.520 --> 00:22:55.620
2197
+ chicken wings and then I'm receiving
2198
+
2199
+ 550
2200
+ 00:22:53.340 --> 00:22:57.539
2201
+ this award for doing something that was
2202
+
2203
+ 551
2204
+ 00:22:55.620 --> 00:22:58.919
2205
+ just
2206
+
2207
+ 552
2208
+ 00:22:57.539 --> 00:23:00.480
2209
+ fun
2210
+
2211
+ 553
2212
+ 00:22:58.919 --> 00:23:03.600
2213
+ so thank you
2214
+
2215
+ 554
2216
+ 00:23:00.480 --> 00:23:05.760
2217
+ inspiring indeed Miss Davis keeping the
2218
+
2219
+ 555
2220
+ 00:23:03.600 --> 00:23:07.860
2221
+ inspiration going it's time for the hot
2222
+
2223
+ 556
2224
+ 00:23:05.760 --> 00:23:09.720
2225
+ ones Lifetime Achievement Award this
2226
+
2227
+ 557
2228
+ 00:23:07.860 --> 00:23:11.580
2229
+ award goes to a person who has given us
2230
+
2231
+ 558
2232
+ 00:23:09.720 --> 00:23:14.100
2233
+ so much quality content over the years
2234
+
2235
+ 559
2236
+ 00:23:11.580 --> 00:23:16.500
2237
+ from giving Sean his first ever Carolina
2238
+
2239
+ 560
2240
+ 00:23:14.100 --> 00:23:18.539
2241
+ Reaper to the most scoville-laced hot
2242
+
2243
+ 561
2244
+ 00:23:16.500 --> 00:23:20.580
2245
+ ones episode of all time and who could
2246
+
2247
+ 562
2248
+ 00:23:18.539 --> 00:23:23.580
2249
+ forget that Infamous horse and carriage
2250
+
2251
+ 563
2252
+ 00:23:20.580 --> 00:23:25.320
2253
+ ride through Central Park this man is an
2254
+
2255
+ 564
2256
+ 00:23:23.580 --> 00:23:27.720
2257
+ international phenomenon when it comes
2258
+
2259
+ 565
2260
+ 00:23:25.320 --> 00:23:31.080
2261
+ to spice and we at hot ones are so proud
2262
+
2263
+ 566
2264
+ 00:23:27.720 --> 00:23:34.380
2265
+ to know him your 2022 hot one's Lifetime
2266
+
2267
+ 567
2268
+ 00:23:31.080 --> 00:23:37.860
2269
+ Achievement recipient chilly Klaus
2270
+
2271
+ 568
2272
+ 00:23:34.380 --> 00:23:41.039
2273
+ I'm overwhelmed a lifetime achievement
2274
+
2275
+ 569
2276
+ 00:23:37.860 --> 00:23:42.840
2277
+ from you guys on hot ones thank you and
2278
+
2279
+ 570
2280
+ 00:23:41.039 --> 00:23:46.200
2281
+ of course thank you to my spice brother
2282
+
2283
+ 571
2284
+ 00:23:42.840 --> 00:23:48.480
2285
+ Sean Evans I love you man but maybe most
2286
+
2287
+ 572
2288
+ 00:23:46.200 --> 00:23:51.120
2289
+ important thank you to all the spice
2290
+
2291
+ 573
2292
+ 00:23:48.480 --> 00:23:53.940
2293
+ Lords from all over the world 10 years
2294
+
2295
+ 574
2296
+ 00:23:51.120 --> 00:23:55.080
2297
+ ago no one cared about hot sauce or
2298
+
2299
+ 575
2300
+ 00:23:53.940 --> 00:23:57.360
2301
+ spicy food
2302
+
2303
+ 576
2304
+ 00:23:55.080 --> 00:23:59.760
2305
+ and today we are millions
2306
+
2307
+ 577
2308
+ 00:23:57.360 --> 00:24:03.380
2309
+ cheers from Denmark and of course
2310
+
2311
+ 578
2312
+ 00:23:59.760 --> 00:24:03.380
2313
+ my Scandinavian cousins
2314
+
2315
+ 579
2316
+ 00:24:04.140 --> 00:24:07.919
2317
+ well there you have it spice Lords
2318
+
2319
+ 580
2320
+ 00:24:06.179 --> 00:24:10.740
2321
+ another hot ones Awards in the books
2322
+
2323
+ 581
2324
+ 00:24:07.919 --> 00:24:12.419
2325
+ this has been a absolute blast thank you
2326
+
2327
+ 582
2328
+ 00:24:10.740 --> 00:24:14.100
2329
+ to all our winners and nominees for
2330
+
2331
+ 583
2332
+ 00:24:12.419 --> 00:24:16.799
2333
+ giving us these Great Moments and for
2334
+
2335
+ 584
2336
+ 00:24:14.100 --> 00:24:18.840
2337
+ coming on our show oh wait there's one
2338
+
2339
+ 585
2340
+ 00:24:16.799 --> 00:24:20.940
2341
+ final award that's weird because I'm
2342
+
2343
+ 586
2344
+ 00:24:18.840 --> 00:24:23.220
2345
+ reading off the teleprompter ladies and
2346
+
2347
+ 587
2348
+ 00:24:20.940 --> 00:24:26.159
2349
+ gentlemen it's the holiday spirit award
2350
+
2351
+ 588
2352
+ 00:24:23.220 --> 00:24:28.799
2353
+ I know who that goes to and I think you
2354
+
2355
+ 589
2356
+ 00:24:26.159 --> 00:24:31.559
2357
+ do too spoiler alert it's in the
2358
+
2359
+ 590
2360
+ 00:24:28.799 --> 00:24:33.840
2361
+ thumbnail ladies and gentlemen back for
2362
+
2363
+ 591
2364
+ 00:24:31.559 --> 00:24:36.360
2365
+ round two versus the wings of death our
2366
+
2367
+ 592
2368
+ 00:24:33.840 --> 00:24:40.620
2369
+ grand finale to the holiday extravaganza
2370
+
2371
+ 593
2372
+ 00:24:36.360 --> 00:24:42.720
2373
+ the elf himself Will Ferrell
2374
+
2375
+ 594
2376
+ 00:24:40.620 --> 00:24:44.700
2377
+ foreign
2378
+
2379
+ 595
2380
+ 00:24:42.720 --> 00:24:47.100
2381
+ hey what's going on and happy holidays
2382
+
2383
+ 596
2384
+ 00:24:44.700 --> 00:24:49.140
2385
+ hot ones fans it's that time the
2386
+
2387
+ 597
2388
+ 00:24:47.100 --> 00:24:51.120
2389
+ culmination the grand finale of our hot
2390
+
2391
+ 598
2392
+ 00:24:49.140 --> 00:24:53.039
2393
+ ones holiday Extravaganza and I could
2394
+
2395
+ 599
2396
+ 00:24:51.120 --> 00:24:54.419
2397
+ not be more excited to once again be
2398
+
2399
+ 600
2400
+ 00:24:53.039 --> 00:24:56.220
2401
+ sitting across the table from Will
2402
+
2403
+ 601
2404
+ 00:24:54.419 --> 00:24:57.780
2405
+ Ferrell for decades he's been one of
2406
+
2407
+ 602
2408
+ 00:24:56.220 --> 00:24:59.340
2409
+ Hollywood's most prolific and enduring
2410
+
2411
+ 603
2412
+ 00:24:57.780 --> 00:25:01.200
2413
+ comedic actors from the Saturday Night
2414
+
2415
+ 604
2416
+ 00:24:59.340 --> 00:25:03.299
2417
+ Live stage to movies like Anchorman oh
2418
+
2419
+ 605
2420
+ 00:25:01.200 --> 00:25:04.380
2421
+ stepbrothers and many many more and on
2422
+
2423
+ 606
2424
+ 00:25:03.299 --> 00:25:06.000
2425
+ that note you can catch them starting
2426
+
2427
+ 607
2428
+ 00:25:04.380 --> 00:25:07.980
2429
+ alongside Ryan Reynolds in the Christmas
2430
+
2431
+ 608
2432
+ 00:25:06.000 --> 00:25:09.600
2433
+ themed musical comedy spirited which is
2434
+
2435
+ 609
2436
+ 00:25:07.980 --> 00:25:11.520
2437
+ currently streaming on Apple TV plus
2438
+
2439
+ 610
2440
+ 00:25:09.600 --> 00:25:14.760
2441
+ Will Ferrell welcome back to the show
2442
+
2443
+ 611
2444
+ 00:25:11.520 --> 00:25:16.740
2445
+ thank you so much I love the little elf
2446
+
2447
+ 612
2448
+ 00:25:14.760 --> 00:25:19.380
2449
+ hats just for you the red carpet
2450
+
2451
+ 613
2452
+ 00:25:16.740 --> 00:25:20.580
2453
+ treatment amazing amazing what's going
2454
+
2455
+ 614
2456
+ 00:25:19.380 --> 00:25:22.440
2457
+ through your head as you prepare to take
2458
+
2459
+ 615
2460
+ 00:25:20.580 --> 00:25:24.360
2461
+ on The Gauntlet a second time
2462
+
2463
+ 616
2464
+ 00:25:22.440 --> 00:25:25.919
2465
+ yeah I think it's a little bit like
2466
+
2467
+ 617
2468
+ 00:25:24.360 --> 00:25:26.640
2469
+ childbirth
2470
+
2471
+ 618
2472
+ 00:25:25.919 --> 00:25:29.059
2473
+ um
2474
+
2475
+ 619
2476
+ 00:25:26.640 --> 00:25:31.500
2477
+ the first time I did the show
2478
+
2479
+ 620
2480
+ 00:25:29.059 --> 00:25:33.600
2481
+ labor was terrible I was like never
2482
+
2483
+ 621
2484
+ 00:25:31.500 --> 00:25:36.600
2485
+ gonna do it again but then the feedback
2486
+
2487
+ 622
2488
+ 00:25:33.600 --> 00:25:39.179
2489
+ was so amazing this beautiful baby of
2490
+
2491
+ 623
2492
+ 00:25:36.600 --> 00:25:41.460
2493
+ feedback and and I didn't remember the
2494
+
2495
+ 624
2496
+ 00:25:39.179 --> 00:25:45.059
2497
+ pain anymore and now I'm back here to
2498
+
2499
+ 625
2500
+ 00:25:41.460 --> 00:25:46.860
2501
+ make another baby with you let's make a
2502
+
2503
+ 626
2504
+ 00:25:45.059 --> 00:25:48.779
2505
+ baby well let's was that a good analogy
2506
+
2507
+ 627
2508
+ 00:25:46.860 --> 00:25:50.159
2509
+ was that a good summation yeah thread
2510
+
2511
+ 628
2512
+ 00:25:48.779 --> 00:25:52.919
2513
+ the needle you thread the needle right
2514
+
2515
+ 629
2516
+ 00:25:50.159 --> 00:25:55.080
2517
+ there well and one last time if you're
2518
+
2519
+ 630
2520
+ 00:25:52.919 --> 00:25:57.000
2521
+ able please consider a donation to
2522
+
2523
+ 631
2524
+ 00:25:55.080 --> 00:25:59.279
2525
+ Common threads it means the world to us
2526
+
2527
+ 632
2528
+ 00:25:57.000 --> 00:26:01.740
2529
+ here at hot ones for the kids and the
2530
+
2531
+ 633
2532
+ 00:25:59.279 --> 00:26:03.200
2533
+ families will are you ready to go I'm
2534
+
2535
+ 634
2536
+ 00:26:01.740 --> 00:26:12.690
2537
+ ready around ready
2538
+
2539
+ 635
2540
+ 00:26:03.200 --> 00:26:12.690
2541
+ [Music]
2542
+
2543
+ 636
2544
+ 00:26:15.659 --> 00:26:19.679
2545
+ foreign
2546
+
2547
+ 637
2548
+ 00:26:18.470 --> 00:26:22.020
2549
+ [Music]
2550
+
2551
+ 638
2552
+ 00:26:19.679 --> 00:26:24.299
2553
+ oh chili Maple you throw in the maple
2554
+
2555
+ 639
2556
+ 00:26:22.020 --> 00:26:27.370
2557
+ just to kind of lull you into that it's
2558
+
2559
+ 640
2560
+ 00:26:24.299 --> 00:26:32.400
2561
+ gonna be okay A little sweet Heat
2562
+
2563
+ 641
2564
+ 00:26:27.370 --> 00:26:37.700
2565
+ [Music]
2566
+
2567
+ 642
2568
+ 00:26:32.400 --> 00:26:37.700
2569
+ it's good the chili and the maple
2570
+
2571
+ 643
2572
+ 00:26:40.460 --> 00:26:45.120
2573
+ so your latest movie spirited had some
2574
+
2575
+ 644
2576
+ 00:26:43.200 --> 00:26:46.559
2577
+ huge musical moments including my
2578
+
2579
+ 645
2580
+ 00:26:45.120 --> 00:26:48.720
2581
+ personal favorite which is based
2582
+
2583
+ 646
2584
+ 00:26:46.559 --> 00:26:50.340
2585
+ entirely around the idea that telling
2586
+
2587
+ 647
2588
+ 00:26:48.720 --> 00:26:52.200
2589
+ someone good afternoon was the
2590
+
2591
+ 648
2592
+ 00:26:50.340 --> 00:26:54.900
2593
+ equivalent to telling them to f off in
2594
+
2595
+ 649
2596
+ 00:26:52.200 --> 00:26:56.279
2597
+ Dickens era London yes what stands out
2598
+
2599
+ 650
2600
+ 00:26:54.900 --> 00:26:57.840
2601
+ when you think about the behind the
2602
+
2603
+ 651
2604
+ 00:26:56.279 --> 00:26:59.820
2605
+ scenes mechanics that went into the
2606
+
2607
+ 652
2608
+ 00:26:57.840 --> 00:27:02.460
2609
+ film's particularly ambitious song and
2610
+
2611
+ 653
2612
+ 00:26:59.820 --> 00:27:05.400
2613
+ dance numbers good afternoon is a great
2614
+
2615
+ 654
2616
+ 00:27:02.460 --> 00:27:09.000
2617
+ example where it all came from Sean
2618
+
2619
+ 655
2620
+ 00:27:05.400 --> 00:27:12.000
2621
+ Anders our director who was studying the
2622
+
2623
+ 656
2624
+ 00:27:09.000 --> 00:27:16.400
2625
+ classic version of Christmas carol which
2626
+
2627
+ 657
2628
+ 00:27:12.000 --> 00:27:19.919
2629
+ I think was shot in the 1940s or 30s and
2630
+
2631
+ 658
2632
+ 00:27:16.400 --> 00:27:21.179
2633
+ he he was remembering how everyone in
2634
+
2635
+ 659
2636
+ 00:27:19.919 --> 00:27:25.260
2637
+ that movie
2638
+
2639
+ 660
2640
+ 00:27:21.179 --> 00:27:27.900
2641
+ if they said good afternoon it was as if
2642
+
2643
+ 661
2644
+ 00:27:25.260 --> 00:27:30.299
2645
+ it was like how what did he just
2646
+
2647
+ 662
2648
+ 00:27:27.900 --> 00:27:33.299
2649
+ say to me oh my goodness
2650
+
2651
+ 663
2652
+ 00:27:30.299 --> 00:27:36.480
2653
+ good and it was it was the dickensian
2654
+
2655
+ 664
2656
+ 00:27:33.299 --> 00:27:38.700
2657
+ version of Fu and we thought oh
2658
+
2659
+ 665
2660
+ 00:27:36.480 --> 00:27:41.700
2661
+ we should do a whole song Just based off
2662
+
2663
+ 666
2664
+ 00:27:38.700 --> 00:27:43.080
2665
+ of that phrase good afternoon and then
2666
+
2667
+ 667
2668
+ 00:27:41.700 --> 00:27:45.179
2669
+ it's this horrible thing we're saying
2670
+
2671
+ 668
2672
+ 00:27:43.080 --> 00:27:48.360
2673
+ and yet it's a release for my character
2674
+
2675
+ 669
2676
+ 00:27:45.179 --> 00:27:50.100
2677
+ to kind of let off some steam are you
2678
+
2679
+ 670
2680
+ 00:27:48.360 --> 00:27:53.340
2681
+ ready to move on here to Wing number two
2682
+
2683
+ 671
2684
+ 00:27:50.100 --> 00:27:55.919
2685
+ number two good so this one is the
2686
+
2687
+ 672
2688
+ 00:27:53.340 --> 00:27:58.559
2689
+ Barbacoa here in the two spot what is a
2690
+
2691
+ 673
2692
+ 00:27:55.919 --> 00:28:01.500
2693
+ barbacoa is that like a chupacabra yeah
2694
+
2695
+ 674
2696
+ 00:27:58.559 --> 00:28:04.020
2697
+ I think so it's a chupacabra yeah urban
2698
+
2699
+ 675
2700
+ 00:28:01.500 --> 00:28:06.840
2701
+ legend Deep Woods
2702
+
2703
+ 676
2704
+ 00:28:04.020 --> 00:28:09.299
2705
+ um the Barbacoa yeah coyote dog suit at
2706
+
2707
+ 677
2708
+ 00:28:06.840 --> 00:28:11.460
2709
+ night and then breathes its hot sauce
2710
+
2711
+ 678
2712
+ 00:28:09.299 --> 00:28:11.770
2713
+ breath on you yeah that's where it comes
2714
+
2715
+ 679
2716
+ 00:28:11.460 --> 00:28:16.109
2717
+ from
2718
+
2719
+ 680
2720
+ 00:28:11.770 --> 00:28:16.109
2721
+ [Music]
2722
+
2723
+ 681
2724
+ 00:28:16.860 --> 00:28:22.140
2725
+ so far so good maybe I've gotten tougher
2726
+
2727
+ 682
2728
+ 00:28:20.100 --> 00:28:24.000
2729
+ so as amused to read that you actually
2730
+
2731
+ 683
2732
+ 00:28:22.140 --> 00:28:26.039
2733
+ worked as a mall Santa before your
2734
+
2735
+ 684
2736
+ 00:28:24.000 --> 00:28:27.960
2737
+ career in comedy took off yes can you
2738
+
2739
+ 685
2740
+ 00:28:26.039 --> 00:28:31.400
2741
+ give us one highlight and one low light
2742
+
2743
+ 686
2744
+ 00:28:27.960 --> 00:28:34.980
2745
+ of being a Pasadena Plaza Kris Kringle
2746
+
2747
+ 687
2748
+ 00:28:31.400 --> 00:28:39.260
2749
+ yeah I did that um in My Starving actor
2750
+
2751
+ 688
2752
+ 00:28:34.980 --> 00:28:41.940
2753
+ days I was Santa and Chris Katan
2754
+
2755
+ 689
2756
+ 00:28:39.260 --> 00:28:43.260
2757
+ was was my elf
2758
+
2759
+ 690
2760
+ 00:28:41.940 --> 00:28:45.539
2761
+ Chris Kattan from Saturday Night Live
2762
+
2763
+ 691
2764
+ 00:28:43.260 --> 00:28:47.340
2765
+ and we did Night at the Roxbury together
2766
+
2767
+ 692
2768
+ 00:28:45.539 --> 00:28:50.940
2769
+ it was fun because we would
2770
+
2771
+ 693
2772
+ 00:28:47.340 --> 00:28:55.460
2773
+ we would walk in a J.Crew and like I'd
2774
+
2775
+ 694
2776
+ 00:28:50.940 --> 00:28:58.500
2777
+ be like hello J.Crew Merry Christmas
2778
+
2779
+ 695
2780
+ 00:28:55.460 --> 00:29:01.559
2781
+ uh you know how are the button Downs
2782
+
2783
+ 696
2784
+ 00:28:58.500 --> 00:29:04.500
2785
+ doing this and they'd all they got so
2786
+
2787
+ 697
2788
+ 00:29:01.559 --> 00:29:06.360
2789
+ used to be like hi Santa like folding
2790
+
2791
+ 698
2792
+ 00:29:04.500 --> 00:29:09.240
2793
+ shirts
2794
+
2795
+ 699
2796
+ 00:29:06.360 --> 00:29:11.400
2797
+ uh do you have a houndstooth jacket
2798
+
2799
+ 700
2800
+ 00:29:09.240 --> 00:29:13.919
2801
+ anywhere no it's in the back Santa like
2802
+
2803
+ 701
2804
+ 00:29:11.400 --> 00:29:15.419
2805
+ they were so over us uh and we also
2806
+
2807
+ 702
2808
+ 00:29:13.919 --> 00:29:18.120
2809
+ start we also learned that no one was
2810
+
2811
+ 703
2812
+ 00:29:15.419 --> 00:29:19.559
2813
+ there to monitor our break times so we
2814
+
2815
+ 704
2816
+ 00:29:18.120 --> 00:29:23.220
2817
+ would take like five minutes every hour
2818
+
2819
+ 705
2820
+ 00:29:19.559 --> 00:29:25.320
2821
+ by the time I mean we
2822
+
2823
+ 706
2824
+ 00:29:23.220 --> 00:29:28.380
2825
+ we take we'd work for 10 minutes and
2826
+
2827
+ 707
2828
+ 00:29:25.320 --> 00:29:31.020
2829
+ take 50 minutes off and just another
2830
+
2831
+ 708
2832
+ 00:29:28.380 --> 00:29:33.000
2833
+ accounting work harassing the crews at J
2834
+
2835
+ 709
2836
+ 00:29:31.020 --> 00:29:34.200
2837
+ crew is that you counting oh yeah yeah
2838
+
2839
+ 710
2840
+ 00:29:33.000 --> 00:29:36.779
2841
+ that's on the clock that's on the clock
2842
+
2843
+ 711
2844
+ 00:29:34.200 --> 00:29:38.059
2845
+ that's on the clock but the worst and
2846
+
2847
+ 712
2848
+ 00:29:36.779 --> 00:29:41.640
2849
+ best moment
2850
+
2851
+ 713
2852
+ 00:29:38.059 --> 00:29:43.980
2853
+ was we encountered this family these two
2854
+
2855
+ 714
2856
+ 00:29:41.640 --> 00:29:47.460
2857
+ kids came up to us to say hi
2858
+
2859
+ 715
2860
+ 00:29:43.980 --> 00:29:50.820
2861
+ and it was right out of um the uh the
2862
+
2863
+ 716
2864
+ 00:29:47.460 --> 00:29:52.260
2865
+ cosmetic store Origins they had this
2866
+
2867
+ 717
2868
+ 00:29:50.820 --> 00:29:54.480
2869
+ little
2870
+
2871
+ 718
2872
+ 00:29:52.260 --> 00:29:56.700
2873
+ um sculpture of a
2874
+
2875
+ 719
2876
+ 00:29:54.480 --> 00:29:58.799
2877
+ of like a coyote in front of the store
2878
+
2879
+ 720
2880
+ 00:29:56.700 --> 00:30:00.280
2881
+ and
2882
+
2883
+ 721
2884
+ 00:29:58.799 --> 00:30:01.500
2885
+ we're saying hello to these kids
2886
+
2887
+ 722
2888
+ 00:30:00.280 --> 00:30:03.000
2889
+ [Music]
2890
+
2891
+ 723
2892
+ 00:30:01.500 --> 00:30:04.860
2893
+ and we look up
2894
+
2895
+ 724
2896
+ 00:30:03.000 --> 00:30:05.820
2897
+ and it's Kevin Costner there's a parent
2898
+
2899
+ 725
2900
+ 00:30:04.860 --> 00:30:09.299
2901
+ with them
2902
+
2903
+ 726
2904
+ 00:30:05.820 --> 00:30:12.000
2905
+ and it's Kevin Costner with a hat he's
2906
+
2907
+ 727
2908
+ 00:30:09.299 --> 00:30:13.860
2909
+ being very Incognito and we're like
2910
+
2911
+ 728
2912
+ 00:30:12.000 --> 00:30:15.240
2913
+ hello what's your name oh Mary what'd
2914
+
2915
+ 729
2916
+ 00:30:13.860 --> 00:30:17.520
2917
+ you what I've been a good little boy and
2918
+
2919
+ 730
2920
+ 00:30:15.240 --> 00:30:18.899
2921
+ girl hi Santa hi and Kevin Costner you
2922
+
2923
+ 731
2924
+ 00:30:17.520 --> 00:30:22.260
2925
+ know he's just kind of looking at us and
2926
+
2927
+ 732
2928
+ 00:30:18.899 --> 00:30:24.059
2929
+ and they're crawling on this coyote
2930
+
2931
+ 733
2932
+ 00:30:22.260 --> 00:30:27.419
2933
+ and I and I was like oh do you like
2934
+
2935
+ 734
2936
+ 00:30:24.059 --> 00:30:29.580
2937
+ crawling on that little coyote sculpture
2938
+
2939
+ 735
2940
+ 00:30:27.419 --> 00:30:30.899
2941
+ and then Chris can't help himself is
2942
+
2943
+ 736
2944
+ 00:30:29.580 --> 00:30:33.899
2945
+ like
2946
+
2947
+ 737
2948
+ 00:30:30.899 --> 00:30:35.820
2949
+ it looks like you're dancing on the cut
2950
+
2951
+ 738
2952
+ 00:30:33.899 --> 00:30:38.720
2953
+ in fact it looks like you're dancing
2954
+
2955
+ 739
2956
+ 00:30:35.820 --> 00:30:42.679
2957
+ with Wolves
2958
+
2959
+ 740
2960
+ 00:30:38.720 --> 00:30:42.679
2961
+ and Kevin Costner goes
2962
+
2963
+ 741
2964
+ 00:30:42.720 --> 00:30:46.279
2965
+ let's go let's go like don't blow my
2966
+
2967
+ 742
2968
+ 00:30:45.179 --> 00:30:48.419
2969
+ cover
2970
+
2971
+ 743
2972
+ 00:30:46.279 --> 00:30:50.039
2973
+ he's like okay come on kids let's go
2974
+
2975
+ 744
2976
+ 00:30:48.419 --> 00:30:52.020
2977
+ let's go I'm like what are you doing
2978
+
2979
+ 745
2980
+ 00:30:50.039 --> 00:30:53.520
2981
+ he's like I couldn't help it in his elf
2982
+
2983
+ 746
2984
+ 00:30:52.020 --> 00:30:55.080
2985
+ voice
2986
+
2987
+ 747
2988
+ 00:30:53.520 --> 00:30:56.290
2989
+ so that was like
2990
+
2991
+ 748
2992
+ 00:30:55.080 --> 00:31:01.140
2993
+ good and bad
2994
+
2995
+ 749
2996
+ 00:30:56.290 --> 00:31:03.020
2997
+ [Music]
2998
+
2999
+ 750
3000
+ 00:31:01.140 --> 00:31:06.299
3001
+ I'm really proud of myself so far
3002
+
3003
+ 751
3004
+ 00:31:03.020 --> 00:31:08.240
3005
+ [Music]
3006
+
3007
+ 752
3008
+ 00:31:06.299 --> 00:31:09.840
3009
+ you can already tell I already smell it
3010
+
3011
+ 753
3012
+ 00:31:08.240 --> 00:31:12.419
3013
+ [Music]
3014
+
3015
+ 754
3016
+ 00:31:09.840 --> 00:31:13.679
3017
+ I smell the heat coming up
3018
+
3019
+ 755
3020
+ 00:31:12.419 --> 00:31:15.240
3021
+ and then these are really good Wings
3022
+
3023
+ 756
3024
+ 00:31:13.679 --> 00:31:16.679
3025
+ they're kind of falling off the bone but
3026
+
3027
+ 757
3028
+ 00:31:15.240 --> 00:31:19.260
3029
+ that was one of those bites where like
3030
+
3031
+ 758
3032
+ 00:31:16.679 --> 00:31:20.700
3033
+ it all fell off together so I felt like
3034
+
3035
+ 759
3036
+ 00:31:19.260 --> 00:31:23.659
3037
+ I just ate
3038
+
3039
+ 760
3040
+ 00:31:20.700 --> 00:31:26.760
3041
+ yes that entire Wing like in one bite
3042
+
3043
+ 761
3044
+ 00:31:23.659 --> 00:31:29.520
3045
+ yeah so it's kind of leaves a little
3046
+
3047
+ 762
3048
+ 00:31:26.760 --> 00:31:32.720
3049
+ Trail yeah
3050
+
3051
+ 763
3052
+ 00:31:29.520 --> 00:31:32.720
3053
+ that is a jump up
3054
+
3055
+ 764
3056
+ 00:31:33.240 --> 00:31:36.539
3057
+ we're taking exponential leaps here you
3058
+
3059
+ 765
3060
+ 00:31:35.220 --> 00:31:37.919
3061
+ know yeah
3062
+
3063
+ 766
3064
+ 00:31:36.539 --> 00:31:39.480
3065
+ yeah so last time you're on the show we
3066
+
3067
+ 767
3068
+ 00:31:37.919 --> 00:31:41.340
3069
+ talked about the influence that Sports
3070
+
3071
+ 768
3072
+ 00:31:39.480 --> 00:31:43.559
3073
+ has not only in your work but throughout
3074
+
3075
+ 769
3076
+ 00:31:41.340 --> 00:31:45.120
3077
+ your life is someone who once held the
3078
+
3079
+ 770
3080
+ 00:31:43.559 --> 00:31:47.640
3081
+ single season field goal record at
3082
+
3083
+ 771
3084
+ 00:31:45.120 --> 00:31:49.320
3085
+ Irvine's University High School what is
3086
+
3087
+ 772
3088
+ 00:31:47.640 --> 00:31:50.340
3089
+ your take on the plight of the kicker
3090
+
3091
+ 773
3092
+ 00:31:49.320 --> 00:31:53.520
3093
+ like do you think that it's an
3094
+
3095
+ 774
3096
+ 00:31:50.340 --> 00:31:57.299
3097
+ underappreciated position in art form
3098
+
3099
+ 775
3100
+ 00:31:53.520 --> 00:32:01.440
3101
+ it's definitely an art form uh
3102
+
3103
+ 776
3104
+ 00:31:57.299 --> 00:32:04.500
3105
+ I think yeah kickers will always be the
3106
+
3107
+ 777
3108
+ 00:32:01.440 --> 00:32:06.480
3109
+ butt of many a joke on a on a football
3110
+
3111
+ 778
3112
+ 00:32:04.500 --> 00:32:09.000
3113
+ team uh
3114
+
3115
+ 779
3116
+ 00:32:06.480 --> 00:32:11.159
3117
+ because and I I lived it I didn't have
3118
+
3119
+ 780
3120
+ 00:32:09.000 --> 00:32:13.559
3121
+ to run laps I didn't have to tackle
3122
+
3123
+ 781
3124
+ 00:32:11.159 --> 00:32:16.740
3125
+ anyone or be tackled
3126
+
3127
+ 782
3128
+ 00:32:13.559 --> 00:32:20.159
3129
+ and yet I could win a game and so
3130
+
3131
+ 783
3132
+ 00:32:16.740 --> 00:32:21.539
3133
+ uh it's a pretty good gig right it's
3134
+
3135
+ 784
3136
+ 00:32:20.159 --> 00:32:22.620
3137
+ pretty yeah
3138
+
3139
+ 785
3140
+ 00:32:21.539 --> 00:32:25.320
3141
+ you don't know why you don't have to
3142
+
3143
+ 786
3144
+ 00:32:22.620 --> 00:32:27.419
3145
+ worry about head trauma
3146
+
3147
+ 787
3148
+ 00:32:25.320 --> 00:32:30.419
3149
+ you can just run out there you don't
3150
+
3151
+ 788
3152
+ 00:32:27.419 --> 00:32:32.220
3153
+ even have to wear the pads in your pants
3154
+
3155
+ 789
3156
+ 00:32:30.419 --> 00:32:34.440
3157
+ unless they're going to eliminate field
3158
+
3159
+ 790
3160
+ 00:32:32.220 --> 00:32:36.779
3161
+ goals and extra points you got to give
3162
+
3163
+ 791
3164
+ 00:32:34.440 --> 00:32:38.039
3165
+ you got to get more respect exactly and
3166
+
3167
+ 792
3168
+ 00:32:36.779 --> 00:32:40.620
3169
+ then I noticed that you're wearing the
3170
+
3171
+ 793
3172
+ 00:32:38.039 --> 00:32:42.840
3173
+ king's hoodie today yeah and when I saw
3174
+
3175
+ 794
3176
+ 00:32:40.620 --> 00:32:44.159
3177
+ you at the Kings game last year you had
3178
+
3179
+ 795
3180
+ 00:32:42.840 --> 00:32:46.260
3181
+ your King's chain I could tell
3182
+
3183
+ 796
3184
+ 00:32:44.159 --> 00:32:48.419
3185
+ immediately that I was dealing with just
3186
+
3187
+ 797
3188
+ 00:32:46.260 --> 00:32:49.919
3189
+ a seasoned sports event professional
3190
+
3191
+ 798
3192
+ 00:32:48.419 --> 00:32:52.620
3193
+ yeah do you have an all-time favorite
3194
+
3195
+ 799
3196
+ 00:32:49.919 --> 00:32:55.380
3197
+ Will Ferrell Jumbotron moment well there
3198
+
3199
+ 800
3200
+ 00:32:52.620 --> 00:32:57.600
3201
+ is a video that I shot that they play
3202
+
3203
+ 801
3204
+ 00:32:55.380 --> 00:32:59.580
3205
+ every time I'm at the game and then they
3206
+
3207
+ 802
3208
+ 00:32:57.600 --> 00:33:01.200
3209
+ inevitably cut to me
3210
+
3211
+ 803
3212
+ 00:32:59.580 --> 00:33:03.899
3213
+ and
3214
+
3215
+ 804
3216
+ 00:33:01.200 --> 00:33:07.440
3217
+ something happened last year
3218
+
3219
+ 805
3220
+ 00:33:03.899 --> 00:33:09.899
3221
+ where usually I just wave and but now I
3222
+
3223
+ 806
3224
+ 00:33:07.440 --> 00:33:11.220
3225
+ mimic the video on the jump so I'm there
3226
+
3227
+ 807
3228
+ 00:33:09.899 --> 00:33:15.179
3229
+ screaming
3230
+
3231
+ 808
3232
+ 00:33:11.220 --> 00:33:16.559
3233
+ go Kings go but I've Incorporated karate
3234
+
3235
+ 809
3236
+ 00:33:15.179 --> 00:33:22.140
3237
+ chop
3238
+
3239
+ 810
3240
+ 00:33:16.559 --> 00:33:24.059
3241
+ so that I'm I do go Kings go go go but
3242
+
3243
+ 811
3244
+ 00:33:22.140 --> 00:33:25.559
3245
+ I'm scree I don't know why I'm screaming
3246
+
3247
+ 812
3248
+ 00:33:24.059 --> 00:33:26.820
3249
+ because no one can hear me I'm in a big
3250
+
3251
+ 813
3252
+ 00:33:25.559 --> 00:33:28.559
3253
+ Stadium
3254
+
3255
+ 814
3256
+ 00:33:26.820 --> 00:33:30.000
3257
+ but that gets that gets a really good
3258
+
3259
+ 815
3260
+ 00:33:28.559 --> 00:33:31.559
3261
+ that gets the place going yeah gets a
3262
+
3263
+ 816
3264
+ 00:33:30.000 --> 00:33:33.960
3265
+ place going get some people go get some
3266
+
3267
+ 817
3268
+ 00:33:31.559 --> 00:33:37.159
3269
+ people going it's it's no one knows what
3270
+
3271
+ 818
3272
+ 00:33:33.960 --> 00:33:37.159
3273
+ it means it gets the people going
3274
+
3275
+ 819
3276
+ 00:33:40.200 --> 00:33:46.399
3277
+ Beyond Insanity I remember it I have
3278
+
3279
+ 820
3280
+ 00:33:43.320 --> 00:33:46.399
3281
+ nightmares about it
3282
+
3283
+ 821
3284
+ 00:33:46.620 --> 00:33:51.440
3285
+ cleansing breath yeah deep cleansing
3286
+
3287
+ 822
3288
+ 00:33:49.200 --> 00:33:51.440
3289
+ breath
3290
+
3291
+ 823
3292
+ 00:33:55.590 --> 00:33:59.940
3293
+ [Music]
3294
+
3295
+ 824
3296
+ 00:33:56.940 --> 00:34:03.000
3297
+ if you chew it really fast does it
3298
+
3299
+ 825
3300
+ 00:33:59.940 --> 00:34:04.919
3301
+ no I don't think there's any I don't
3302
+
3303
+ 826
3304
+ 00:34:03.000 --> 00:34:07.620
3305
+ think that there's any trick
3306
+
3307
+ 827
3308
+ 00:34:04.919 --> 00:34:09.659
3309
+ it's just you're there and since we've
3310
+
3311
+ 828
3312
+ 00:34:07.620 --> 00:34:13.020
3313
+ been at the same time it's now hitting
3314
+
3315
+ 829
3316
+ 00:34:09.659 --> 00:34:16.020
3317
+ for me I imagine across the table engage
3318
+
3319
+ 830
3320
+ 00:34:13.020 --> 00:34:19.859
3321
+ mucous membrane
3322
+
3323
+ 831
3324
+ 00:34:16.020 --> 00:34:22.220
3325
+ as the snot flows down yeah yeah no fun
3326
+
3327
+ 832
3328
+ 00:34:19.859 --> 00:34:24.839
3329
+ yeah never get used to this one
3330
+
3331
+ 833
3332
+ 00:34:22.220 --> 00:34:26.580
3333
+ so when you first joined the cast at SNL
3334
+
3335
+ 834
3336
+ 00:34:24.839 --> 00:34:28.679
3337
+ why was it important for you to embrace
3338
+
3339
+ 835
3340
+ 00:34:26.580 --> 00:34:29.940
3341
+ the opportunity of small roles like I've
3342
+
3343
+ 836
3344
+ 00:34:28.679 --> 00:34:32.520
3345
+ heard you talk about getting big
3346
+
3347
+ 837
3348
+ 00:34:29.940 --> 00:34:35.520
3349
+ reactions on just like screaming beach
3350
+
3351
+ 838
3352
+ 00:34:32.520 --> 00:34:38.000
3353
+ volleyball off camera yeah uh
3354
+
3355
+ 839
3356
+ 00:34:35.520 --> 00:34:38.000
3357
+ well
3358
+
3359
+ 840
3360
+ 00:34:40.020 --> 00:34:43.940
3361
+ I have a little milk yeah yeah that's
3362
+
3363
+ 841
3364
+ 00:34:41.700 --> 00:34:43.940
3365
+ all right
3366
+
3367
+ 842
3368
+ 00:34:47.820 --> 00:34:51.839
3369
+ um thank you
3370
+
3371
+ 843
3372
+ 00:34:49.320 --> 00:34:54.300
3373
+ yeah I realized
3374
+
3375
+ 844
3376
+ 00:34:51.839 --> 00:34:57.020
3377
+ I mean I love being on site alive
3378
+
3379
+ 845
3380
+ 00:34:54.300 --> 00:34:57.020
3381
+ because
3382
+
3383
+ 846
3384
+ 00:34:57.960 --> 00:35:02.400
3385
+ it was my favorite show
3386
+
3387
+ 847
3388
+ 00:34:59.640 --> 00:35:05.520
3389
+ but also being a part of an ensemble
3390
+
3391
+ 848
3392
+ 00:35:02.400 --> 00:35:07.740
3393
+ I just loved it I I made a point
3394
+
3395
+ 849
3396
+ 00:35:05.520 --> 00:35:10.020
3397
+ to tell the writers
3398
+
3399
+ 850
3400
+ 00:35:07.740 --> 00:35:11.820
3401
+ I don't care Caspian in a super small
3402
+
3403
+ 851
3404
+ 00:35:10.020 --> 00:35:14.520
3405
+ part because
3406
+
3407
+ 852
3408
+ 00:35:11.820 --> 00:35:17.280
3409
+ some guest members took offense
3410
+
3411
+ 853
3412
+ 00:35:14.520 --> 00:35:19.140
3413
+ and and I just made a point to say I'll
3414
+
3415
+ 854
3416
+ 00:35:17.280 --> 00:35:20.940
3417
+ deliver a pizza in the scene you know if
3418
+
3419
+ 855
3420
+ 00:35:19.140 --> 00:35:22.320
3421
+ you need someone just because it's
3422
+
3423
+ 856
3424
+ 00:35:20.940 --> 00:35:24.560
3425
+ supportive but it's also just an
3426
+
3427
+ 857
3428
+ 00:35:22.320 --> 00:35:26.460
3429
+ opportunity to potentially get a laugh
3430
+
3431
+ 858
3432
+ 00:35:24.560 --> 00:35:29.420
3433
+ got it
3434
+
3435
+ 859
3436
+ 00:35:26.460 --> 00:35:29.420
3437
+ serve me well
3438
+
3439
+ 860
3440
+ 00:35:29.780 --> 00:35:35.400
3441
+ and then it's a Trope of ours to ask SNL
3442
+
3443
+ 861
3444
+ 00:35:33.359 --> 00:35:38.460
3445
+ Alum about things going sideways during
3446
+
3447
+ 862
3448
+ 00:35:35.400 --> 00:35:40.619
3449
+ the live tape besides flubbing literally
3450
+
3451
+ 863
3452
+ 00:35:38.460 --> 00:35:42.119
3453
+ the first lines that you ever had on the
3454
+
3455
+ 864
3456
+ 00:35:40.619 --> 00:35:43.200
3457
+ show what's been your most memorable
3458
+
3459
+ 865
3460
+ 00:35:42.119 --> 00:35:47.040
3461
+ break
3462
+
3463
+ 866
3464
+ 00:35:43.200 --> 00:35:49.680
3465
+ uh careful yeah
3466
+
3467
+ 867
3468
+ 00:35:47.040 --> 00:35:50.940
3469
+ I saw that one tier just going
3470
+
3471
+ 868
3472
+ 00:35:49.680 --> 00:35:53.220
3473
+ yeah
3474
+
3475
+ 869
3476
+ 00:35:50.940 --> 00:35:56.280
3477
+ uh one
3478
+
3479
+ 870
3480
+ 00:35:53.220 --> 00:35:59.520
3481
+ there was a great break
3482
+
3483
+ 871
3484
+ 00:35:56.280 --> 00:36:02.400
3485
+ there was a character I had done on a
3486
+
3487
+ 872
3488
+ 00:35:59.520 --> 00:36:04.680
3489
+ weekend update he suffered from a
3490
+
3491
+ 873
3492
+ 00:36:02.400 --> 00:36:06.900
3493
+ disease called voice immodulation oh
3494
+
3495
+ 874
3496
+ 00:36:04.680 --> 00:36:08.579
3497
+ shoot I might have gotten something I
3498
+
3499
+ 875
3500
+ 00:36:06.900 --> 00:36:10.619
3501
+ was so sorry about that I was so worried
3502
+
3503
+ 876
3504
+ 00:36:08.579 --> 00:36:13.579
3505
+ about that
3506
+
3507
+ 877
3508
+ 00:36:10.619 --> 00:36:13.579
3509
+ I'm not a doctor
3510
+
3511
+ 878
3512
+ 00:36:15.230 --> 00:36:19.320
3513
+ [Music]
3514
+
3515
+ 879
3516
+ 00:36:16.740 --> 00:36:21.420
3517
+ okay
3518
+
3519
+ 880
3520
+ 00:36:19.320 --> 00:36:23.520
3521
+ does it happen it does happen it does
3522
+
3523
+ 881
3524
+ 00:36:21.420 --> 00:36:25.740
3525
+ happen I'm usually like right on it am I
3526
+
3527
+ 882
3528
+ 00:36:23.520 --> 00:36:27.359
3529
+ gonna but usually it's not gonna lose my
3530
+
3531
+ 883
3532
+ 00:36:25.740 --> 00:36:28.740
3533
+ eyesight no no you're gonna be okay
3534
+
3535
+ 884
3536
+ 00:36:27.359 --> 00:36:30.000
3537
+ you're gonna be okay what you had his
3538
+
3539
+ 885
3540
+ 00:36:28.740 --> 00:36:32.400
3541
+ little cross-pollination like you
3542
+
3543
+ 886
3544
+ 00:36:30.000 --> 00:36:35.820
3545
+ probably yeah took your fingers on the
3546
+
3547
+ 887
3548
+ 00:36:32.400 --> 00:36:38.339
3549
+ yeah cloth and then took that cloth
3550
+
3551
+ 888
3552
+ 00:36:35.820 --> 00:36:42.440
3553
+ but anyway bear Mist yourself
3554
+
3555
+ 889
3556
+ 00:36:38.339 --> 00:36:42.440
3557
+ this I'm just gonna keep my eyes
3558
+
3559
+ 890
3560
+ 00:36:43.140 --> 00:36:49.140
3561
+ I uh I started doing this character and
3562
+
3563
+ 891
3564
+ 00:36:47.099 --> 00:36:51.060
3565
+ the glasses I was wearing
3566
+
3567
+ 892
3568
+ 00:36:49.140 --> 00:36:52.500
3569
+ fogged up so much that I couldn't see
3570
+
3571
+ 893
3572
+ 00:36:51.060 --> 00:36:54.599
3573
+ the cue cards
3574
+
3575
+ 894
3576
+ 00:36:52.500 --> 00:36:57.960
3577
+ and so that just started making me laugh
3578
+
3579
+ 895
3580
+ 00:36:54.599 --> 00:37:00.119
3581
+ so hard that I totally broke
3582
+
3583
+ 896
3584
+ 00:36:57.960 --> 00:37:02.280
3585
+ Tina and Jimmy were like Jacob are you
3586
+
3587
+ 897
3588
+ 00:37:00.119 --> 00:37:05.160
3589
+ okay and
3590
+
3591
+ 898
3592
+ 00:37:02.280 --> 00:37:06.900
3593
+ but I speak like this the whole time and
3594
+
3595
+ 899
3596
+ 00:37:05.160 --> 00:37:12.859
3597
+ so it was
3598
+
3599
+ 900
3600
+ 00:37:06.900 --> 00:37:12.859
3601
+ uh it was Insanity yeah all right well
3602
+
3603
+ 901
3604
+ 00:37:14.700 --> 00:37:21.839
3605
+ [Music]
3606
+
3607
+ 902
3608
+ 00:37:18.020 --> 00:37:24.180
3609
+ oh I think we're back
3610
+
3611
+ 903
3612
+ 00:37:21.839 --> 00:37:26.160
3613
+ do I look like a prize fighter yeah yeah
3614
+
3615
+ 904
3616
+ 00:37:24.180 --> 00:37:30.619
3617
+ just right after you just went 12 rounds
3618
+
3619
+ 905
3620
+ 00:37:26.160 --> 00:37:32.940
3621
+ 12 rounds MMA guy
3622
+
3623
+ 906
3624
+ 00:37:30.619 --> 00:37:34.020
3625
+ well this is the last ad we called the
3626
+
3627
+ 907
3628
+ 00:37:32.940 --> 00:37:35.220
3629
+ last dab because the tradition around
3630
+
3631
+ 908
3632
+ 00:37:34.020 --> 00:37:36.839
3633
+ here to put a little extra on the last
3634
+
3635
+ 909
3636
+ 00:37:35.220 --> 00:37:38.820
3637
+ Wing if you're having too many things
3638
+
3639
+ 910
3640
+ 00:37:36.839 --> 00:37:41.110
3641
+ going on over there you don't have to oh
3642
+
3643
+ 911
3644
+ 00:37:38.820 --> 00:37:44.339
3645
+ I'm not gonna wuss out there we go
3646
+
3647
+ 912
3648
+ 00:37:41.110 --> 00:37:46.140
3649
+ [Music]
3650
+
3651
+ 913
3652
+ 00:37:44.339 --> 00:37:48.060
3653
+ I can't really see it to open it it's
3654
+
3655
+ 914
3656
+ 00:37:46.140 --> 00:37:49.920
3657
+ like the it's like the sketch all over
3658
+
3659
+ 915
3660
+ 00:37:48.060 --> 00:37:51.570
3661
+ again it is
3662
+
3663
+ 916
3664
+ 00:37:49.920 --> 00:37:58.389
3665
+ foreign
3666
+
3667
+ 917
3668
+ 00:37:51.570 --> 00:37:58.389
3669
+ [Music]
3670
+
3671
+ 918
3672
+ 00:38:02.180 --> 00:38:07.740
3673
+ I'm just gonna rub that off actually
3674
+
3675
+ 919
3676
+ 00:38:05.220 --> 00:38:08.950
3677
+ yeah there you go all right cheers well
3678
+
3679
+ 920
3680
+ 00:38:07.740 --> 00:38:13.700
3681
+ cheers
3682
+
3683
+ 921
3684
+ 00:38:08.950 --> 00:38:13.700
3685
+ [Music]
3686
+
3687
+ 922
3688
+ 00:38:16.280 --> 00:38:21.619
3689
+ all right well Barrel okay
3690
+
3691
+ 923
3692
+ 00:38:19.330 --> 00:38:25.079
3693
+ [Music]
3694
+
3695
+ 924
3696
+ 00:38:21.619 --> 00:38:26.640
3697
+ yeah oh I got the late I got the tag of
3698
+
3699
+ 925
3700
+ 00:38:25.079 --> 00:38:28.740
3701
+ the
3702
+
3703
+ 926
3704
+ 00:38:26.640 --> 00:38:30.190
3705
+ oh these are from Utah
3706
+
3707
+ 927
3708
+ 00:38:28.740 --> 00:38:32.400
3709
+ right
3710
+
3711
+ 928
3712
+ 00:38:30.190 --> 00:38:34.619
3713
+ [Music]
3714
+
3715
+ 929
3716
+ 00:38:32.400 --> 00:38:36.660
3717
+ proud distinction of taking on the wings
3718
+
3719
+ 930
3720
+ 00:38:34.619 --> 00:38:39.300
3721
+ of death on two separate occasions
3722
+
3723
+ 931
3724
+ 00:38:36.660 --> 00:38:41.280
3725
+ reigning Victorious and in a time like
3726
+
3727
+ 932
3728
+ 00:38:39.300 --> 00:38:43.320
3729
+ this that's all about reflection right
3730
+
3731
+ 933
3732
+ 00:38:41.280 --> 00:38:45.839
3733
+ all about being grateful all about
3734
+
3735
+ 934
3736
+ 00:38:43.320 --> 00:38:49.260
3737
+ giving thanks I think we need to
3738
+
3739
+ 935
3740
+ 00:38:45.839 --> 00:38:52.020
3741
+ officially acknowledge your contribution
3742
+
3743
+ 936
3744
+ 00:38:49.260 --> 00:38:53.820
3745
+ to the art form to those of us here at
3746
+
3747
+ 937
3748
+ 00:38:52.020 --> 00:38:57.599
3749
+ hot ones I want to present you with the
3750
+
3751
+ 938
3752
+ 00:38:53.820 --> 00:39:01.380
3753
+ final award thank you Dom a final award
3754
+
3755
+ 939
3756
+ 00:38:57.599 --> 00:39:03.780
3757
+ look at the day from what I can see it's
3758
+
3759
+ 940
3760
+ 00:39:01.380 --> 00:39:06.240
3761
+ the hot one Spirit award this is amazing
3762
+
3763
+ 941
3764
+ 00:39:03.780 --> 00:39:07.859
3765
+ and it's all yours you can put it right
3766
+
3767
+ 942
3768
+ 00:39:06.240 --> 00:39:10.560
3769
+ next to your Mark Twain on the mantle
3770
+
3771
+ 943
3772
+ 00:39:07.859 --> 00:39:13.800
3773
+ yeah yeah yeah the the floor is yours
3774
+
3775
+ 944
3776
+ 00:39:10.560 --> 00:39:20.180
3777
+ wow I just want to thank everyone here
3778
+
3779
+ 945
3780
+ 00:39:13.800 --> 00:39:20.180
3781
+ at hot wings hot ones sorry hot ones uh
3782
+
3783
+ 946
3784
+ 00:39:20.220 --> 00:39:22.880
3785
+ I feel like
3786
+
3787
+ 947
3788
+ 00:39:22.980 --> 00:39:27.119
3789
+ we really become a family
3790
+
3791
+ 948
3792
+ 00:39:25.619 --> 00:39:29.099
3793
+ in these
3794
+
3795
+ 949
3796
+ 00:39:27.119 --> 00:39:30.960
3797
+ 12 minutes or so I've been here
3798
+
3799
+ 950
3800
+ 00:39:29.099 --> 00:39:33.060
3801
+ and uh
3802
+
3803
+ 951
3804
+ 00:39:30.960 --> 00:39:35.760
3805
+ you know every morning I'm gonna put
3806
+
3807
+ 952
3808
+ 00:39:33.060 --> 00:39:37.800
3809
+ this by my bedside and every morning
3810
+
3811
+ 953
3812
+ 00:39:35.760 --> 00:39:40.579
3813
+ when I wake up I'm gonna look at it with
3814
+
3815
+ 954
3816
+ 00:39:37.800 --> 00:39:40.579
3817
+ my one good eye
3818
+
3819
+ 955
3820
+ 00:39:40.740 --> 00:39:44.579
3821
+ and remember
3822
+
3823
+ 956
3824
+ 00:39:42.540 --> 00:39:47.520
3825
+ the friendship and the warmth the
3826
+
3827
+ 957
3828
+ 00:39:44.579 --> 00:39:50.280
3829
+ literal warmth yeah of the heat the Heat
3830
+
3831
+ 958
3832
+ 00:39:47.520 --> 00:39:52.020
3833
+ of that you and your show have shown me
3834
+
3835
+ 959
3836
+ 00:39:50.280 --> 00:39:54.619
3837
+ so thank you so much
3838
+
3839
+ 960
3840
+ 00:39:52.020 --> 00:39:54.619
3841
+ thank you
3842
+
3843
+ 961
3844
+ 00:39:54.800 --> 00:39:57.540
3845
+ this is the greatest award I will ever
3846
+
3847
+ 962
3848
+ 00:39:57.119 --> 00:40:04.349
3849
+ receive
3850
+
3851
+ 963
3852
+ 00:39:57.540 --> 00:40:04.349
3853
+ [Music]
3854
+
3855
+ 964
3856
+ 00:40:09.619 --> 00:40:14.839
3857
+ all right thank you so much as well
3858
+
3859
+ 965
3860
+ 00:40:12.180 --> 00:40:17.579
3861
+ happy holidays
3862
+
3863
+ 966
3864
+ 00:40:14.839 --> 00:40:18.660
3865
+ congratulations thank you good to see
3866
+
3867
+ 967
3868
+ 00:40:17.579 --> 00:40:20.839
3869
+ you I'll catch you at the next Kings
3870
+
3871
+ 968
3872
+ 00:40:18.660 --> 00:40:20.839
3873
+ game
3874
+
3875
+ 969
3876
+ 00:40:21.119 --> 00:40:25.079
3877
+ well there you have it it's another hot
3878
+
3879
+ 970
3880
+ 00:40:22.800 --> 00:40:27.359
3881
+ ones holiday Extravaganza in the books
3882
+
3883
+ 971
3884
+ 00:40:25.079 --> 00:40:30.540
3885
+ will we're wishing you a very speedy
3886
+
3887
+ 972
3888
+ 00:40:27.359 --> 00:40:33.480
3889
+ recovery on that eye and to you watching
3890
+
3891
+ 973
3892
+ 00:40:30.540 --> 00:40:35.339
3893
+ at home we wish you happy holidays you
3894
+
3895
+ 974
3896
+ 00:40:33.480 --> 00:40:37.380
3897
+ know this is one of our favorite shoots
3898
+
3899
+ 975
3900
+ 00:40:35.339 --> 00:40:39.119
3901
+ of the Year Dom our producer Dom it's
3902
+
3903
+ 976
3904
+ 00:40:37.380 --> 00:40:40.680
3905
+ her favorite shoot of the year and I
3906
+
3907
+ 977
3908
+ 00:40:39.119 --> 00:40:42.359
3909
+ think it's because we get to spend this
3910
+
3911
+ 978
3912
+ 00:40:40.680 --> 00:40:44.280
3913
+ special time with you guys during this
3914
+
3915
+ 979
3916
+ 00:40:42.359 --> 00:40:46.680
3917
+ very special time so thank you so much
3918
+
3919
+ 980
3920
+ 00:40:44.280 --> 00:40:48.180
3921
+ for watching if you're able to donate to
3922
+
3923
+ 981
3924
+ 00:40:46.680 --> 00:40:49.680
3925
+ Common threads and one last time I'll
3926
+
3927
+ 982
3928
+ 00:40:48.180 --> 00:40:51.300
3929
+ point it out in the corner donate common
3930
+
3931
+ 983
3932
+ 00:40:49.680 --> 00:40:54.000
3933
+ threads common threads common threads
3934
+
3935
+ 984
3936
+ 00:40:51.300 --> 00:40:56.520
3937
+ thank you so so much and from our family
3938
+
3939
+ 985
3940
+ 00:40:54.000 --> 00:40:58.930
3941
+ over here at hot ones to yours watching
3942
+
3943
+ 986
3944
+ 00:40:56.520 --> 00:41:08.480
3945
+ at home we wish you a very happy holiday
3946
+
3947
+ 987
3948
+ 00:40:58.930 --> 00:41:11.540
3949
+ [Music]
3950
+
3951
+ 988
3952
+ 00:41:08.480 --> 00:41:11.540
3953
+ thank you
3954
+
3955
+ 989
3956
+ 00:41:12.260 --> 00:41:37.619
3957
+ [Music]
3958
+
3959
+ 990
3960
+ 00:41:34.619 --> 00:41:37.619
3961
+ foreign
3962
+
3963
+ 991
3964
+ 00:41:44.070 --> 00:41:58.960
3965
+ [Music]
3966
+
transcripts/3.vtt ADDED
@@ -0,0 +1,2522 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.120 --> 00:00:05.520
5
+ to the ghost of hot ones guests past
6
+
7
+ 2
8
+ 00:00:02.940 --> 00:00:07.919
9
+ I'm sorry for my my judgment from home
10
+
11
+ 3
12
+ 00:00:05.520 --> 00:00:10.880
13
+ you were Brave
14
+
15
+ 4
16
+ 00:00:07.919 --> 00:00:10.880
17
+ and I get it
18
+
19
+ 5
20
+ 00:00:16.800 --> 00:00:19.920
21
+ hey what's going on everybody for first
22
+
23
+ 6
24
+ 00:00:18.359 --> 00:00:21.720
25
+ week Feast I'm Sean Evans and you're
26
+
27
+ 7
28
+ 00:00:19.920 --> 00:00:23.400
29
+ watching hot ones it's the show with hot
30
+
31
+ 8
32
+ 00:00:21.720 --> 00:00:24.900
33
+ questions and even hotter wings and
34
+
35
+ 9
36
+ 00:00:23.400 --> 00:00:26.820
37
+ today we're joined by Emma Chamberlain
38
+
39
+ 10
40
+ 00:00:24.900 --> 00:00:28.740
41
+ she's an internet Juggernaut turned
42
+
43
+ 11
44
+ 00:00:26.820 --> 00:00:30.420
45
+ coffee Mogul and fashion icon check out
46
+
47
+ 12
48
+ 00:00:28.740 --> 00:00:32.700
49
+ our YouTube page for everything from a
50
+
51
+ 13
52
+ 00:00:30.420 --> 00:00:34.500
53
+ la mode European travel Vlogs to swap
54
+
55
+ 14
56
+ 00:00:32.700 --> 00:00:36.360
57
+ meet shopping hauls like me you can
58
+
59
+ 15
60
+ 00:00:34.500 --> 00:00:37.920
61
+ check out chamberlaincoffee.com for all
62
+
63
+ 16
64
+ 00:00:36.360 --> 00:00:39.840
65
+ your coffee needs added the cake batter
66
+
67
+ 17
68
+ 00:00:37.920 --> 00:00:41.820
69
+ blend to my cart this morning and
70
+
71
+ 18
72
+ 00:00:39.840 --> 00:00:42.960
73
+ finally of course anything goes I'm a
74
+
75
+ 19
76
+ 00:00:41.820 --> 00:00:44.760
77
+ Chamberlain wherever you get your
78
+
79
+ 20
80
+ 00:00:42.960 --> 00:00:48.120
81
+ podcast Emma Chamberlain welcome to the
82
+
83
+ 21
84
+ 00:00:44.760 --> 00:00:49.500
85
+ show thank you for me I know that spicy
86
+
87
+ 22
88
+ 00:00:48.120 --> 00:00:51.180
89
+ hummus is like a part of your everyday
90
+
91
+ 23
92
+ 00:00:49.500 --> 00:00:52.620
93
+ diet what's going through your head
94
+
95
+ 24
96
+ 00:00:51.180 --> 00:00:55.500
97
+ right now as you prepare to take on the
98
+
99
+ 25
100
+ 00:00:52.620 --> 00:00:57.539
101
+ hot ones Gauntlet I actually feel really
102
+
103
+ 26
104
+ 00:00:55.500 --> 00:00:59.399
105
+ confident because I was telling you
106
+
107
+ 27
108
+ 00:00:57.539 --> 00:01:02.280
109
+ before we started recording
110
+
111
+ 28
112
+ 00:00:59.399 --> 00:01:04.860
113
+ I've done this before my friends and I
114
+
115
+ 29
116
+ 00:01:02.280 --> 00:01:07.260
117
+ went to a hot sauce store in La a few
118
+
119
+ 30
120
+ 00:01:04.860 --> 00:01:11.280
121
+ years ago and bought your whole lineup
122
+
123
+ 31
124
+ 00:01:07.260 --> 00:01:13.140
125
+ and tried it on our own so I'm like
126
+
127
+ 32
128
+ 00:01:11.280 --> 00:01:14.580
129
+ I'm chilling like this is gonna be the
130
+
131
+ 33
132
+ 00:01:13.140 --> 00:01:15.770
133
+ easiest interview of my life I can't
134
+
135
+ 34
136
+ 00:01:14.580 --> 00:01:18.060
137
+ wait let's do it
138
+
139
+ 35
140
+ 00:01:15.770 --> 00:01:20.620
141
+ [Music]
142
+
143
+ 36
144
+ 00:01:18.060 --> 00:01:23.760
145
+ foreign
146
+
147
+ 37
148
+ 00:01:20.620 --> 00:01:23.760
149
+ [Music]
150
+
151
+ 38
152
+ 00:01:26.970 --> 00:01:30.470
153
+ [Music]
154
+
155
+ 39
156
+ 00:01:33.020 --> 00:01:37.979
157
+ oh my God why am I like shaking I'm
158
+
159
+ 40
160
+ 00:01:36.119 --> 00:01:41.540
161
+ I know
162
+
163
+ 41
164
+ 00:01:37.979 --> 00:01:41.540
165
+ no it'll be okay it'll be fine
166
+
167
+ 42
168
+ 00:01:44.820 --> 00:01:47.370
169
+ delicious
170
+
171
+ 43
172
+ 00:01:46.439 --> 00:01:54.799
173
+ so good
174
+
175
+ 44
176
+ 00:01:47.370 --> 00:01:57.180
177
+ [Music]
178
+
179
+ 45
180
+ 00:01:54.799 --> 00:02:00.060
181
+ giving us the vegan Wing recommendation
182
+
183
+ 46
184
+ 00:01:57.180 --> 00:02:02.159
185
+ thank you Natalie yes
186
+
187
+ 47
188
+ 00:02:00.060 --> 00:02:03.360
189
+ so you open your Vogue beauty secrets
190
+
191
+ 48
192
+ 00:02:02.159 --> 00:02:05.399
193
+ video by saying that you've always
194
+
195
+ 49
196
+ 00:02:03.360 --> 00:02:07.020
197
+ wanted to do one whether it's cooking
198
+
199
+ 50
200
+ 00:02:05.399 --> 00:02:09.300
201
+ with Josh Weissman or playing soccer
202
+
203
+ 51
204
+ 00:02:07.020 --> 00:02:10.979
205
+ with Kevin Hart what's the thing that
206
+
207
+ 52
208
+ 00:02:09.300 --> 00:02:13.260
209
+ makes you excited about doing a YouTube
210
+
211
+ 53
212
+ 00:02:10.979 --> 00:02:15.239
213
+ video that's not on your own channel
214
+
215
+ 54
216
+ 00:02:13.260 --> 00:02:17.160
217
+ something that feels
218
+
219
+ 55
220
+ 00:02:15.239 --> 00:02:19.739
221
+ real
222
+
223
+ 56
224
+ 00:02:17.160 --> 00:02:22.920
225
+ and something that I think is fun too
226
+
227
+ 57
228
+ 00:02:19.739 --> 00:02:25.080
229
+ because I feel like video creating in
230
+
231
+ 58
232
+ 00:02:22.920 --> 00:02:27.239
233
+ general should be fun obviously there is
234
+
235
+ 59
236
+ 00:02:25.080 --> 00:02:29.400
237
+ sort of oh like we want this to perform
238
+
239
+ 60
240
+ 00:02:27.239 --> 00:02:31.020
241
+ well we want this to do well we want
242
+
243
+ 61
244
+ 00:02:29.400 --> 00:02:33.599
245
+ this to get a lot of views blah blah
246
+
247
+ 62
248
+ 00:02:31.020 --> 00:02:36.480
249
+ blah there's a lot of that and you can't
250
+
251
+ 63
252
+ 00:02:33.599 --> 00:02:40.260
253
+ always Escape that but I think when a
254
+
255
+ 64
256
+ 00:02:36.480 --> 00:02:43.379
257
+ show or a series is just like rooted in
258
+
259
+ 65
260
+ 00:02:40.260 --> 00:02:46.440
261
+ fun in some way that's what excites me
262
+
263
+ 66
264
+ 00:02:43.379 --> 00:02:48.360
265
+ and like sharing information having a
266
+
267
+ 67
268
+ 00:02:46.440 --> 00:02:49.710
269
+ cool conversation
270
+
271
+ 68
272
+ 00:02:48.360 --> 00:02:53.319
273
+ that inspires me
274
+
275
+ 69
276
+ 00:02:49.710 --> 00:02:53.319
277
+ [Music]
278
+
279
+ 70
280
+ 00:02:54.180 --> 00:02:58.260
281
+ that was like just delicious I didn't
282
+
283
+ 71
284
+ 00:02:56.640 --> 00:02:59.940
285
+ even feel anything so I'm ready for
286
+
287
+ 72
288
+ 00:02:58.260 --> 00:03:02.540
289
+ number two this is the tropicante here
290
+
291
+ 73
292
+ 00:02:59.940 --> 00:03:02.540
293
+ in the two spot
294
+
295
+ 74
296
+ 00:03:04.080 --> 00:03:07.080
297
+ hmm
298
+
299
+ 75
300
+ 00:03:08.760 --> 00:03:14.580
301
+ so good nice little happy dance there I
302
+
303
+ 76
304
+ 00:03:11.700 --> 00:03:16.500
305
+ love it here we go I mean I love hot
306
+
307
+ 77
308
+ 00:03:14.580 --> 00:03:18.540
309
+ sauce so
310
+
311
+ 78
312
+ 00:03:16.500 --> 00:03:21.840
313
+ we haven't ruined it for you yet exactly
314
+
315
+ 79
316
+ 00:03:18.540 --> 00:03:23.519
317
+ exactly later might not love it anymore
318
+
319
+ 80
320
+ 00:03:21.840 --> 00:03:25.319
321
+ so one thing you and I share about
322
+
323
+ 81
324
+ 00:03:23.519 --> 00:03:27.180
325
+ putting videos on the Internet is an
326
+
327
+ 82
328
+ 00:03:25.319 --> 00:03:29.220
329
+ all-consuming obsession with the edit
330
+
331
+ 83
332
+ 00:03:27.180 --> 00:03:32.220
333
+ quick shout out to hot ones editor Colin
334
+
335
+ 84
336
+ 00:03:29.220 --> 00:03:34.500
337
+ Higgins is somebody who's been copied ad
338
+
339
+ 85
340
+ 00:03:32.220 --> 00:03:36.659
341
+ nauseum across the web what is the
342
+
343
+ 86
344
+ 00:03:34.500 --> 00:03:38.340
345
+ editing Trope that you're happy to have
346
+
347
+ 87
348
+ 00:03:36.659 --> 00:03:39.540
349
+ birth to the masses and then can you
350
+
351
+ 88
352
+ 00:03:38.340 --> 00:03:42.060
353
+ give us another one that you never want
354
+
355
+ 89
356
+ 00:03:39.540 --> 00:03:44.819
357
+ to see again honestly like
358
+
359
+ 90
360
+ 00:03:42.060 --> 00:03:48.120
361
+ my editing style when I first sort of
362
+
363
+ 91
364
+ 00:03:44.819 --> 00:03:51.420
365
+ started becoming known on the internet a
366
+
367
+ 92
368
+ 00:03:48.120 --> 00:03:54.420
369
+ little bit was super fast-paced super
370
+
371
+ 93
372
+ 00:03:51.420 --> 00:03:56.640
373
+ crazy like you know zooming in zooming
374
+
375
+ 94
376
+ 00:03:54.420 --> 00:03:58.680
377
+ out you know like jump cut jump cut like
378
+
379
+ 95
380
+ 00:03:56.640 --> 00:04:00.659
381
+ crazy speed right because that's kind of
382
+
383
+ 96
384
+ 00:03:58.680 --> 00:04:02.519
385
+ what kept people's attention
386
+
387
+ 97
388
+ 00:04:00.659 --> 00:04:06.060
389
+ there was a time and a place for that
390
+
391
+ 98
392
+ 00:04:02.519 --> 00:04:08.099
393
+ but now I can't stand it and that's why
394
+
395
+ 99
396
+ 00:04:06.060 --> 00:04:10.080
397
+ like more recently I've been like let's
398
+
399
+ 100
400
+ 00:04:08.099 --> 00:04:13.560
401
+ slow it down yeah very melancholy
402
+
403
+ 101
404
+ 00:04:10.080 --> 00:04:16.919
405
+ totally and I'm I'm proud of that being
406
+
407
+ 102
408
+ 00:04:13.560 --> 00:04:19.079
409
+ sort of a new thing like let's
410
+
411
+ 103
412
+ 00:04:16.919 --> 00:04:21.900
413
+ cool things down a little bit you know
414
+
415
+ 104
416
+ 00:04:19.079 --> 00:04:23.940
417
+ do you have a favorite voice effect I
418
+
419
+ 105
420
+ 00:04:21.900 --> 00:04:26.040
421
+ kind of love the echo yeah me too it's
422
+
423
+ 106
424
+ 00:04:23.940 --> 00:04:28.919
425
+ hilarious it never I know you guys do
426
+
427
+ 107
428
+ 00:04:26.040 --> 00:04:30.220
429
+ like the echo we love the echo yes it's
430
+
431
+ 108
432
+ 00:04:28.919 --> 00:04:33.389
433
+ fun
434
+
435
+ 109
436
+ 00:04:30.220 --> 00:04:33.389
437
+ [Music]
438
+
439
+ 110
440
+ 00:04:34.919 --> 00:04:38.759
441
+ I'm like ready for the pain and I know
442
+
443
+ 111
444
+ 00:04:36.900 --> 00:04:41.120
445
+ I'm gonna regret saying that but I'm
446
+
447
+ 112
448
+ 00:04:38.759 --> 00:04:44.460
449
+ feeling too good right now
450
+
451
+ 113
452
+ 00:04:41.120 --> 00:04:47.520
453
+ and then not to lead the witness but I
454
+
455
+ 114
456
+ 00:04:44.460 --> 00:04:49.320
457
+ love this hot sauce that one is so good
458
+
459
+ 115
460
+ 00:04:47.520 --> 00:04:50.820
461
+ it's like going into it's like taking a
462
+
463
+ 116
464
+ 00:04:49.320 --> 00:04:54.300
465
+ bite out of pizza or something it's like
466
+
467
+ 117
468
+ 00:04:50.820 --> 00:04:55.979
469
+ eating a delicious pizza it is pizza I'm
470
+
471
+ 118
472
+ 00:04:54.300 --> 00:04:58.460
473
+ taking this one home actually you can
474
+
475
+ 119
476
+ 00:04:55.979 --> 00:04:58.460
477
+ have them all
478
+
479
+ 120
480
+ 00:05:00.540 --> 00:05:04.320
481
+ but that's the one yeah that's delicious
482
+
483
+ 121
484
+ 00:05:02.220 --> 00:05:05.400
485
+ and it has a cat on it so that makes me
486
+
487
+ 122
488
+ 00:05:04.320 --> 00:05:07.259
489
+ happy
490
+
491
+ 123
492
+ 00:05:05.400 --> 00:05:09.419
493
+ so in the same way that I'm inextricably
494
+
495
+ 124
496
+ 00:05:07.259 --> 00:05:10.979
497
+ linked to Wings you are connected to
498
+
499
+ 125
500
+ 00:05:09.419 --> 00:05:12.720
501
+ Coffee which you've been slurping down
502
+
503
+ 126
504
+ 00:05:10.979 --> 00:05:15.120
505
+ in prolific quantities since you first
506
+
507
+ 127
508
+ 00:05:12.720 --> 00:05:16.740
509
+ started making YouTube videos in
510
+
511
+ 128
512
+ 00:05:15.120 --> 00:05:18.840
513
+ layman's terms what is the difference
514
+
515
+ 129
516
+ 00:05:16.740 --> 00:05:20.759
517
+ between like a gas station one dollar
518
+
519
+ 130
520
+ 00:05:18.840 --> 00:05:22.680
521
+ cup of coffee and then the five dollar
522
+
523
+ 131
524
+ 00:05:20.759 --> 00:05:24.060
525
+ cup that you get at some like third wave
526
+
527
+ 132
528
+ 00:05:22.680 --> 00:05:27.060
529
+ Coffee Cafe
530
+
531
+ 133
532
+ 00:05:24.060 --> 00:05:29.759
533
+ so not to be like a complete nerd about
534
+
535
+ 134
536
+ 00:05:27.060 --> 00:05:31.680
537
+ it be a nurse feel like how people are
538
+
539
+ 135
540
+ 00:05:29.759 --> 00:05:34.500
541
+ with wine and they're like no no it's
542
+
543
+ 136
544
+ 00:05:31.680 --> 00:05:37.440
545
+ like melt this one's really like melon
546
+
547
+ 137
548
+ 00:05:34.500 --> 00:05:40.860
549
+ and trees I mean I'm not fully like that
550
+
551
+ 138
552
+ 00:05:37.440 --> 00:05:43.080
553
+ with coffee but you know when you drink
554
+
555
+ 139
556
+ 00:05:40.860 --> 00:05:44.759
557
+ gas station coffee it's like one note
558
+
559
+ 140
560
+ 00:05:43.080 --> 00:05:47.100
561
+ it's just like
562
+
563
+ 141
564
+ 00:05:44.759 --> 00:05:49.620
565
+ it's like a suggestion of a coffee
566
+
567
+ 142
568
+ 00:05:47.100 --> 00:05:51.800
569
+ flavor and then a really good cup of
570
+
571
+ 143
572
+ 00:05:49.620 --> 00:05:54.600
573
+ coffee is like
574
+
575
+ 144
576
+ 00:05:51.800 --> 00:05:56.400
577
+ oh my God first sip it's like oh it's
578
+
579
+ 145
580
+ 00:05:54.600 --> 00:05:57.660
581
+ kind of nutty and then it's like oh but
582
+
583
+ 146
584
+ 00:05:56.400 --> 00:06:00.360
585
+ now it's kind of bitter and then it's
586
+
587
+ 147
588
+ 00:05:57.660 --> 00:06:02.160
589
+ like and it's a journey I would say the
590
+
591
+ 148
592
+ 00:06:00.360 --> 00:06:04.500
593
+ journey for a nice cup of coffee is just
594
+
595
+ 149
596
+ 00:06:02.160 --> 00:06:06.000
597
+ much longer and and it's more you know
598
+
599
+ 150
600
+ 00:06:04.500 --> 00:06:08.280
601
+ exciting you want to go back and have
602
+
603
+ 151
604
+ 00:06:06.000 --> 00:06:09.960
605
+ more and also you don't need to add a
606
+
607
+ 152
608
+ 00:06:08.280 --> 00:06:12.120
609
+ bunch of milk and sugar to it to make it
610
+
611
+ 153
612
+ 00:06:09.960 --> 00:06:16.199
613
+ taste interesting
614
+
615
+ 154
616
+ 00:06:12.120 --> 00:06:18.240
617
+ F Mary kill whole milk oat milk nut milk
618
+
619
+ 155
620
+ 00:06:16.199 --> 00:06:21.660
621
+ okay
622
+
623
+ 156
624
+ 00:06:18.240 --> 00:06:24.300
625
+ Mary almond milk
626
+
627
+ 157
628
+ 00:06:21.660 --> 00:06:26.819
629
+ F the oat milk
630
+
631
+ 158
632
+ 00:06:24.300 --> 00:06:29.479
633
+ kill the whole milk
634
+
635
+ 159
636
+ 00:06:26.819 --> 00:06:29.479
637
+ how about you
638
+
639
+ 160
640
+ 00:06:29.580 --> 00:06:33.979
641
+ have to ask out of that whole milk oh
642
+
643
+ 161
644
+ 00:06:35.039 --> 00:06:39.000
645
+ yeah
646
+
647
+ 162
648
+ 00:06:36.720 --> 00:06:41.039
649
+ right no do not have issues no you know
650
+
651
+ 163
652
+ 00:06:39.000 --> 00:06:42.180
653
+ what I I'm going with the whole milk I
654
+
655
+ 164
656
+ 00:06:41.039 --> 00:06:44.220
657
+ just thought that that was like a funny
658
+
659
+ 165
660
+ 00:06:42.180 --> 00:06:46.380
661
+ thing to say that was just a reaction I
662
+
663
+ 166
664
+ 00:06:44.220 --> 00:06:48.120
665
+ was like no Emma that was a bit like you
666
+
667
+ 167
668
+ 00:06:46.380 --> 00:06:50.880
669
+ [ __ ] it up and now we have to move on
670
+
671
+ 168
672
+ 00:06:48.120 --> 00:06:53.120
673
+ love you okay
674
+
675
+ 169
676
+ 00:06:50.880 --> 00:06:53.120
677
+ foreign
678
+
679
+ 170
680
+ 00:06:54.979 --> 00:07:00.199
681
+ talking and like stalling yeah me too
682
+
683
+ 171
684
+ 00:06:57.720 --> 00:07:00.199
685
+ that's how the show
686
+
687
+ 172
688
+ 00:07:03.479 --> 00:07:09.199
689
+ oh my God this one's so good too
690
+
691
+ 173
692
+ 00:07:06.000 --> 00:07:09.199
693
+ now it's in my teeth though
694
+
695
+ 174
696
+ 00:07:10.139 --> 00:07:14.900
697
+ easier than maybe the first time you did
698
+
699
+ 175
700
+ 00:07:11.819 --> 00:07:14.900
701
+ it honestly um
702
+
703
+ 176
704
+ 00:07:15.120 --> 00:07:18.919
705
+ this is the first one where I'm like
706
+
707
+ 177
708
+ 00:07:16.560 --> 00:07:18.919
709
+ okay
710
+
711
+ 178
712
+ 00:07:19.080 --> 00:07:22.440
713
+ I get what the show is about you know
714
+
715
+ 179
716
+ 00:07:21.000 --> 00:07:24.660
717
+ what I mean like okay
718
+
719
+ 180
720
+ 00:07:22.440 --> 00:07:26.340
721
+ that happens yeah
722
+
723
+ 181
724
+ 00:07:24.660 --> 00:07:28.020
725
+ so believe it or not there's nothing we
726
+
727
+ 182
728
+ 00:07:26.340 --> 00:07:30.479
729
+ like more here on hot ones than a deep
730
+
731
+ 183
732
+ 00:07:28.020 --> 00:07:32.099
733
+ dive into interior design and Decor in
734
+
735
+ 184
736
+ 00:07:30.479 --> 00:07:33.780
737
+ your recent house tour and Architectural
738
+
739
+ 185
740
+ 00:07:32.099 --> 00:07:35.819
741
+ digest is one of the best in recent
742
+
743
+ 186
744
+ 00:07:33.780 --> 00:07:37.440
745
+ memory one time I got in a fight with a
746
+
747
+ 187
748
+ 00:07:35.819 --> 00:07:39.900
749
+ designer quick shout out to Ren because
750
+
751
+ 188
752
+ 00:07:37.440 --> 00:07:41.400
753
+ he wouldn't let me put a TV above the
754
+
755
+ 189
756
+ 00:07:39.900 --> 00:07:43.740
757
+ fireplace or he was fighting with me
758
+
759
+ 190
760
+ 00:07:41.400 --> 00:07:45.599
761
+ about a TV above the fireplace what's
762
+
763
+ 191
764
+ 00:07:43.740 --> 00:07:47.819
765
+ the thing that caused the most tension
766
+
767
+ 192
768
+ 00:07:45.599 --> 00:07:50.639
769
+ between you and your design team it's
770
+
771
+ 193
772
+ 00:07:47.819 --> 00:07:54.300
773
+ actually funny because I luckily am not
774
+
775
+ 194
776
+ 00:07:50.639 --> 00:07:55.800
777
+ a huge TV person and so I remember there
778
+
779
+ 195
780
+ 00:07:54.300 --> 00:07:57.660
781
+ was like a conversation about my
782
+
783
+ 196
784
+ 00:07:55.800 --> 00:08:00.840
785
+ fireplace and like hey are we gonna put
786
+
787
+ 197
788
+ 00:07:57.660 --> 00:08:02.819
789
+ a TV there and I was like No And they
790
+
791
+ 198
792
+ 00:08:00.840 --> 00:08:06.120
793
+ were like oh
794
+
795
+ 199
796
+ 00:08:02.819 --> 00:08:08.039
797
+ love you like thank god
798
+
799
+ 200
800
+ 00:08:06.120 --> 00:08:09.960
801
+ um biggest fight they don't like the TV
802
+
803
+ 201
804
+ 00:08:08.039 --> 00:08:11.580
805
+ above the fireplaces no no they hate it
806
+
807
+ 202
808
+ 00:08:09.960 --> 00:08:13.199
809
+ yeah because it completely and I kind of
810
+
811
+ 203
812
+ 00:08:11.580 --> 00:08:15.900
813
+ get it because it does sort of ruin it
814
+
815
+ 204
816
+ 00:08:13.199 --> 00:08:17.699
817
+ but it's also like we live right that's
818
+
819
+ 205
820
+ 00:08:15.900 --> 00:08:19.979
821
+ that's what that's why I was like listen
822
+
823
+ 206
824
+ 00:08:17.699 --> 00:08:21.720
825
+ dude because he was he was talking to
826
+
827
+ 207
828
+ 00:08:19.979 --> 00:08:23.580
829
+ he's like well what about like a formal
830
+
831
+ 208
832
+ 00:08:21.720 --> 00:08:26.039
833
+ dining room here I was like yeah don't
834
+
835
+ 209
836
+ 00:08:23.580 --> 00:08:28.440
837
+ try to tell me what my lifestyle is like
838
+
839
+ 210
840
+ 00:08:26.039 --> 00:08:30.419
841
+ this is the heartbeat of this entire
842
+
843
+ 211
844
+ 00:08:28.440 --> 00:08:32.820
845
+ apartment you know like I watch a lot of
846
+
847
+ 212
848
+ 00:08:30.419 --> 00:08:34.500
849
+ college football and that's like why I'm
850
+
851
+ 213
852
+ 00:08:32.820 --> 00:08:36.599
853
+ getting the biggest TV ever above that
854
+
855
+ 214
856
+ 00:08:34.500 --> 00:08:38.820
857
+ fireplace don't tell me how to live my
858
+
859
+ 215
860
+ 00:08:36.599 --> 00:08:43.339
861
+ life Ryan amen
862
+
863
+ 216
864
+ 00:08:38.820 --> 00:08:46.500
865
+ [Music]
866
+
867
+ 217
868
+ 00:08:43.339 --> 00:08:49.680
869
+ halfway point oh this one see there's
870
+
871
+ 218
872
+ 00:08:46.500 --> 00:08:52.080
873
+ two sides on this Wing one that has a
874
+
875
+ 219
876
+ 00:08:49.680 --> 00:08:53.640
877
+ bunch of the sauce one that doesn't I'm
878
+
879
+ 220
880
+ 00:08:52.080 --> 00:08:55.860
881
+ choosing the one that does have a lot of
882
+
883
+ 221
884
+ 00:08:53.640 --> 00:08:59.220
885
+ the sauce on it there you go because I'm
886
+
887
+ 222
888
+ 00:08:55.860 --> 00:09:02.720
889
+ loyal to the show remember this respect
890
+
891
+ 223
892
+ 00:08:59.220 --> 00:09:02.720
893
+ okay respect let's do it
894
+
895
+ 224
896
+ 00:09:06.240 --> 00:09:12.680
897
+ um
898
+
899
+ 225
900
+ 00:09:08.060 --> 00:09:12.680
901
+ that is so good too wait
902
+
903
+ 226
904
+ 00:09:12.839 --> 00:09:18.120
905
+ hmm
906
+
907
+ 227
908
+ 00:09:14.410 --> 00:09:19.980
909
+ [Music]
910
+
911
+ 228
912
+ 00:09:18.120 --> 00:09:21.480
913
+ that's one of those kind of complicated
914
+
915
+ 229
916
+ 00:09:19.980 --> 00:09:24.000
917
+ flavor
918
+
919
+ 230
920
+ 00:09:21.480 --> 00:09:26.820
921
+ yeah a chili oil base which is a little
922
+
923
+ 231
924
+ 00:09:24.000 --> 00:09:29.660
925
+ unique for us over here I mean honestly
926
+
927
+ 232
928
+ 00:09:26.820 --> 00:09:32.040
929
+ like it [ __ ] hurts really bad
930
+
931
+ 233
932
+ 00:09:29.660 --> 00:09:34.320
933
+ I will be honest
934
+
935
+ 234
936
+ 00:09:32.040 --> 00:09:37.140
937
+ but it's so [ __ ] good that like this
938
+
939
+ 235
940
+ 00:09:34.320 --> 00:09:41.399
941
+ is so good yeah just maybe on a smaller
942
+
943
+ 236
944
+ 00:09:37.140 --> 00:09:44.279
945
+ scale like drizzling it on top of like
946
+
947
+ 237
948
+ 00:09:41.399 --> 00:09:47.640
949
+ something right not having like a whole
950
+
951
+ 238
952
+ 00:09:44.279 --> 00:09:49.740
953
+ like bite of it big big bite
954
+
955
+ 239
956
+ 00:09:47.640 --> 00:09:51.480
957
+ really delicious though
958
+
959
+ 240
960
+ 00:09:49.740 --> 00:09:53.700
961
+ what so far has been the greatest
962
+
963
+ 241
964
+ 00:09:51.480 --> 00:09:55.620
965
+ Triumph of your cooking tutorials and
966
+
967
+ 242
968
+ 00:09:53.700 --> 00:09:58.680
969
+ then can you give us your biggest fail
970
+
971
+ 243
972
+ 00:09:55.620 --> 00:10:00.899
973
+ my biggest Triumph like making nut milk
974
+
975
+ 244
976
+ 00:09:58.680 --> 00:10:03.000
977
+ I think I'm going to delete that one but
978
+
979
+ 245
980
+ 00:10:00.899 --> 00:10:04.500
981
+ it was a huge success I didn't realize
982
+
983
+ 246
984
+ 00:10:03.000 --> 00:10:08.100
985
+ that you could so easily make your own
986
+
987
+ 247
988
+ 00:10:04.500 --> 00:10:10.200
989
+ nut milk tried it slayed it loved it I
990
+
991
+ 248
992
+ 00:10:08.100 --> 00:10:12.720
993
+ haven't done it since but
994
+
995
+ 249
996
+ 00:10:10.200 --> 00:10:13.670
997
+ good to know and my biggest fail was
998
+
999
+ 250
1000
+ 00:10:12.720 --> 00:10:16.019
1001
+ probably
1002
+
1003
+ 251
1004
+ 00:10:13.670 --> 00:10:18.420
1005
+ [Music]
1006
+
1007
+ 252
1008
+ 00:10:16.019 --> 00:10:20.640
1009
+ like literally so many years ago I tried
1010
+
1011
+ 253
1012
+ 00:10:18.420 --> 00:10:22.140
1013
+ to make coffee cake like this was like
1014
+
1015
+ 254
1016
+ 00:10:20.640 --> 00:10:24.540
1017
+ one of my first videos
1018
+
1019
+ 255
1020
+ 00:10:22.140 --> 00:10:27.060
1021
+ and it was just like so so disgusting
1022
+
1023
+ 256
1024
+ 00:10:24.540 --> 00:10:29.100
1025
+ anything I made when I was like 16 was a
1026
+
1027
+ 257
1028
+ 00:10:27.060 --> 00:10:30.959
1029
+ fail could not cook back then can you
1030
+
1031
+ 258
1032
+ 00:10:29.100 --> 00:10:32.760
1033
+ give us one highlight and one low light
1034
+
1035
+ 259
1036
+ 00:10:30.959 --> 00:10:34.080
1037
+ from hosting the red carpet at last
1038
+
1039
+ 260
1040
+ 00:10:32.760 --> 00:10:36.540
1041
+ year's Mech gallon
1042
+
1043
+ 261
1044
+ 00:10:34.080 --> 00:10:37.860
1045
+ okay a highlight
1046
+
1047
+ 262
1048
+ 00:10:36.540 --> 00:10:40.080
1049
+ was
1050
+
1051
+ 263
1052
+ 00:10:37.860 --> 00:10:43.500
1053
+ like accidentally having my first meme
1054
+
1055
+ 264
1056
+ 00:10:40.080 --> 00:10:45.600
1057
+ Moment Like Whoa Jack
1058
+
1059
+ 265
1060
+ 00:10:43.500 --> 00:10:47.880
1061
+ thank you Jack Harlow
1062
+
1063
+ 266
1064
+ 00:10:45.600 --> 00:10:49.680
1065
+ um I still like have never spoken to him
1066
+
1067
+ 267
1068
+ 00:10:47.880 --> 00:10:51.779
1069
+ about that so I think we could have a
1070
+
1071
+ 268
1072
+ 00:10:49.680 --> 00:10:52.980
1073
+ fun bonding moment over that next time I
1074
+
1075
+ 269
1076
+ 00:10:51.779 --> 00:10:56.399
1077
+ run into him
1078
+
1079
+ 270
1080
+ 00:10:52.980 --> 00:10:58.800
1081
+ but the low light was this is so TMI and
1082
+
1083
+ 271
1084
+ 00:10:56.399 --> 00:11:00.120
1085
+ gross I had a tonsil Stone do you know
1086
+
1087
+ 272
1088
+ 00:10:58.800 --> 00:11:02.700
1089
+ what a tonsil Stone no I don't know what
1090
+
1091
+ 273
1092
+ 00:11:00.120 --> 00:11:05.700
1093
+ it's oh it's so gross it's basically
1094
+
1095
+ 274
1096
+ 00:11:02.700 --> 00:11:07.140
1097
+ like a buildup of like bacteria on your
1098
+
1099
+ 275
1100
+ 00:11:05.700 --> 00:11:09.420
1101
+ tonsil that you can get if you have
1102
+
1103
+ 276
1104
+ 00:11:07.140 --> 00:11:12.779
1105
+ allergies or like sinus drip whatever
1106
+
1107
+ 277
1108
+ 00:11:09.420 --> 00:11:15.600
1109
+ and they like taste bad and like kind of
1110
+
1111
+ 278
1112
+ 00:11:12.779 --> 00:11:17.339
1113
+ can smell bad too and I had one while
1114
+
1115
+ 279
1116
+ 00:11:15.600 --> 00:11:19.200
1117
+ I'm supposed to be interviewing people
1118
+
1119
+ 280
1120
+ 00:11:17.339 --> 00:11:21.899
1121
+ for four hours straight
1122
+
1123
+ 281
1124
+ 00:11:19.200 --> 00:11:25.380
1125
+ like this close too
1126
+
1127
+ 282
1128
+ 00:11:21.899 --> 00:11:27.540
1129
+ I was eating Altoids
1130
+
1131
+ 283
1132
+ 00:11:25.380 --> 00:11:30.300
1133
+ I was eating Altoids providing a cover
1134
+
1135
+ 284
1136
+ 00:11:27.540 --> 00:11:31.560
1137
+ yeah and that was like brutal for me I
1138
+
1139
+ 285
1140
+ 00:11:30.300 --> 00:11:34.260
1141
+ was like freaking out in between each
1142
+
1143
+ 286
1144
+ 00:11:31.560 --> 00:11:36.180
1145
+ one like I like what like is it bad like
1146
+
1147
+ 287
1148
+ 00:11:34.260 --> 00:11:38.519
1149
+ whatever but we got through it we got
1150
+
1151
+ 288
1152
+ 00:11:36.180 --> 00:11:40.500
1153
+ through it but that was shitty well you
1154
+
1155
+ 289
1156
+ 00:11:38.519 --> 00:11:42.420
1157
+ know what speaking of you know the walls
1158
+
1159
+ 290
1160
+ 00:11:40.500 --> 00:11:45.300
1161
+ closing in on you being pressed but
1162
+
1163
+ 291
1164
+ 00:11:42.420 --> 00:11:47.100
1165
+ moving on are you ready to move to the
1166
+
1167
+ 292
1168
+ 00:11:45.300 --> 00:11:47.760
1169
+ back half here let's go to the back
1170
+
1171
+ 293
1172
+ 00:11:47.100 --> 00:11:50.160
1173
+ house
1174
+
1175
+ 294
1176
+ 00:11:47.760 --> 00:11:54.500
1177
+ so this next one is the turmeric bomb
1178
+
1179
+ 295
1180
+ 00:11:50.160 --> 00:11:54.500
1181
+ here in the sixth spot all right
1182
+
1183
+ 296
1184
+ 00:11:54.690 --> 00:12:04.140
1185
+ [Music]
1186
+
1187
+ 297
1188
+ 00:12:02.339 --> 00:12:05.399
1189
+ I think I need to start taking a little
1190
+
1191
+ 298
1192
+ 00:12:04.140 --> 00:12:07.500
1193
+ smaller bites
1194
+
1195
+ 299
1196
+ 00:12:05.399 --> 00:12:10.560
1197
+ because like I've been doing big ones
1198
+
1199
+ 300
1200
+ 00:12:07.500 --> 00:12:12.420
1201
+ this whole time yeah time to slow down
1202
+
1203
+ 301
1204
+ 00:12:10.560 --> 00:12:14.040
1205
+ so it's not every day that someone goes
1206
+
1207
+ 302
1208
+ 00:12:12.420 --> 00:12:15.540
1209
+ from try on Thrift hauls at their
1210
+
1211
+ 303
1212
+ 00:12:14.040 --> 00:12:17.160
1213
+ parents house to becoming vogue's
1214
+
1215
+ 304
1216
+ 00:12:15.540 --> 00:12:19.380
1217
+ digital Muse and working with the likes
1218
+
1219
+ 305
1220
+ 00:12:17.160 --> 00:12:21.000
1221
+ of Louis Vuitton and Levi's what's a
1222
+
1223
+ 306
1224
+ 00:12:19.380 --> 00:12:23.040
1225
+ memory you have of Paris Fashion Week
1226
+
1227
+ 307
1228
+ 00:12:21.000 --> 00:12:24.540
1229
+ being a zoolander-like parody of itself
1230
+
1231
+ 308
1232
+ 00:12:23.040 --> 00:12:27.480
1233
+ okay
1234
+
1235
+ 309
1236
+ 00:12:24.540 --> 00:12:29.100
1237
+ my favorite thing to witness and listen
1238
+
1239
+ 310
1240
+ 00:12:27.480 --> 00:12:31.200
1241
+ I'm not
1242
+
1243
+ 311
1244
+ 00:12:29.100 --> 00:12:33.000
1245
+ laughing at anyone be I would probably
1246
+
1247
+ 312
1248
+ 00:12:31.200 --> 00:12:34.620
1249
+ do the same thing but also like maybe
1250
+
1251
+ 313
1252
+ 00:12:33.000 --> 00:12:36.240
1253
+ we're laughing together I don't know
1254
+
1255
+ 314
1256
+ 00:12:34.620 --> 00:12:37.079
1257
+ maybe I am making fun of them I don't
1258
+
1259
+ 315
1260
+ 00:12:36.240 --> 00:12:38.220
1261
+ know
1262
+
1263
+ 316
1264
+ 00:12:37.079 --> 00:12:40.740
1265
+ um
1266
+
1267
+ 317
1268
+ 00:12:38.220 --> 00:12:42.899
1269
+ this whole sort of getting the right
1270
+
1271
+ 318
1272
+ 00:12:40.740 --> 00:12:43.860
1273
+ moment for the IG story type of thing so
1274
+
1275
+ 319
1276
+ 00:12:42.899 --> 00:12:45.420
1277
+ it's like
1278
+
1279
+ 320
1280
+ 00:12:43.860 --> 00:12:47.040
1281
+ maybe it's at an after party or
1282
+
1283
+ 321
1284
+ 00:12:45.420 --> 00:12:49.560
1285
+ something and a Paris fragment after
1286
+
1287
+ 322
1288
+ 00:12:47.040 --> 00:12:51.779
1289
+ party and everybody's like you know like
1290
+
1291
+ 323
1292
+ 00:12:49.560 --> 00:12:53.160
1293
+ dancing like whatever like you know
1294
+
1295
+ 324
1296
+ 00:12:51.779 --> 00:12:54.899
1297
+ acting like they're having the best time
1298
+
1299
+ 325
1300
+ 00:12:53.160 --> 00:12:57.180
1301
+ meanwhile like it's kind of a chill
1302
+
1303
+ 326
1304
+ 00:12:54.899 --> 00:12:59.339
1305
+ after party and then like phones down
1306
+
1307
+ 327
1308
+ 00:12:57.180 --> 00:13:01.139
1309
+ and it's just like
1310
+
1311
+ 328
1312
+ 00:12:59.339 --> 00:13:02.519
1313
+ and I just feel like I see a lot of that
1314
+
1315
+ 329
1316
+ 00:13:01.139 --> 00:13:05.279
1317
+ at Fashion Week where it's like
1318
+
1319
+ 330
1320
+ 00:13:02.519 --> 00:13:07.079
1321
+ everyone's in on the same like same
1322
+
1323
+ 331
1324
+ 00:13:05.279 --> 00:13:09.120
1325
+ hustle this same Hustle the same
1326
+
1327
+ 332
1328
+ 00:13:07.079 --> 00:13:11.880
1329
+ illusion it's kind of like a really
1330
+
1331
+ 333
1332
+ 00:13:09.120 --> 00:13:13.680
1333
+ magical moment in human like in society
1334
+
1335
+ 334
1336
+ 00:13:11.880 --> 00:13:16.500
1337
+ like the fact that everybody comes
1338
+
1339
+ 335
1340
+ 00:13:13.680 --> 00:13:19.320
1341
+ together to be like Fashion Week is the
1342
+
1343
+ 336
1344
+ 00:13:16.500 --> 00:13:21.000
1345
+ best week ever you know what I mean and
1346
+
1347
+ 337
1348
+ 00:13:19.320 --> 00:13:23.519
1349
+ it's like the fact that everybody's kind
1350
+
1351
+ 338
1352
+ 00:13:21.000 --> 00:13:27.959
1353
+ of painting this picture together like
1354
+
1355
+ 339
1356
+ 00:13:23.519 --> 00:13:27.959
1357
+ Community it is beautiful yeah
1358
+
1359
+ 340
1360
+ 00:13:31.800 --> 00:13:36.779
1361
+ Cosmic dicks go
1362
+
1363
+ 341
1364
+ 00:13:33.779 --> 00:13:36.779
1365
+ Disco
1366
+
1367
+ 342
1368
+ 00:13:37.079 --> 00:13:41.660
1369
+ Cosmic disco let's do it
1370
+
1371
+ 343
1372
+ 00:13:45.200 --> 00:13:52.220
1373
+ I went in for like a big bite and then
1374
+
1375
+ 344
1376
+ 00:13:48.180 --> 00:13:54.720
1377
+ [Music]
1378
+
1379
+ 345
1380
+ 00:13:52.220 --> 00:13:57.779
1381
+ this one's really bad
1382
+
1383
+ 346
1384
+ 00:13:54.720 --> 00:13:59.639
1385
+ yeah it's like full [ __ ] like
1386
+
1387
+ 347
1388
+ 00:13:57.779 --> 00:14:01.560
1389
+ it is a different sauce
1390
+
1391
+ 348
1392
+ 00:13:59.639 --> 00:14:03.779
1393
+ we start to like kind of jump planes
1394
+
1395
+ 349
1396
+ 00:14:01.560 --> 00:14:05.100
1397
+ here in the back half it like skips some
1398
+
1399
+ 350
1400
+ 00:14:03.779 --> 00:14:07.500
1401
+ levels you know
1402
+
1403
+ 351
1404
+ 00:14:05.100 --> 00:14:10.079
1405
+ no like we just like
1406
+
1407
+ 352
1408
+ 00:14:07.500 --> 00:14:12.360
1409
+ holy [ __ ] for each one it was like
1410
+
1411
+ 353
1412
+ 00:14:10.079 --> 00:14:14.220
1413
+ times two times two times it was like
1414
+
1415
+ 354
1416
+ 00:14:12.360 --> 00:14:16.260
1417
+ times [ __ ] 14 with that one yeah well
1418
+
1419
+ 355
1420
+ 00:14:14.220 --> 00:14:18.899
1421
+ wait till you get to the next one not to
1422
+
1423
+ 356
1424
+ 00:14:16.260 --> 00:14:19.740
1425
+ leave the witness here yeah no
1426
+
1427
+ 357
1428
+ 00:14:18.899 --> 00:14:21.839
1429
+ um
1430
+
1431
+ 358
1432
+ 00:14:19.740 --> 00:14:23.880
1433
+ what distinguishes a good peanut butter
1434
+
1435
+ 359
1436
+ 00:14:21.839 --> 00:14:25.800
1437
+ from a mediocre one and then what's your
1438
+
1439
+ 360
1440
+ 00:14:23.880 --> 00:14:26.760
1441
+ go-to pro tip for making it from scratch
1442
+
1443
+ 361
1444
+ 00:14:25.800 --> 00:14:28.500
1445
+ at home
1446
+
1447
+ 362
1448
+ 00:14:26.760 --> 00:14:30.240
1449
+ Okay so
1450
+
1451
+ 363
1452
+ 00:14:28.500 --> 00:14:31.860
1453
+ see now this is when you start to get
1454
+
1455
+ 364
1456
+ 00:14:30.240 --> 00:14:32.760
1457
+ distracted by your pain and it's just
1458
+
1459
+ 365
1460
+ 00:14:31.860 --> 00:14:35.880
1461
+ like
1462
+
1463
+ 366
1464
+ 00:14:32.760 --> 00:14:37.019
1465
+ peanut butter oh what
1466
+
1467
+ 367
1468
+ 00:14:35.880 --> 00:14:39.660
1469
+ um
1470
+
1471
+ 368
1472
+ 00:14:37.019 --> 00:14:41.399
1473
+ for me a good peanut butter is
1474
+
1475
+ 369
1476
+ 00:14:39.660 --> 00:14:44.339
1477
+ all natural
1478
+
1479
+ 370
1480
+ 00:14:41.399 --> 00:14:46.260
1481
+ it's like changing the way my my my box
1482
+
1483
+ 371
1484
+ 00:14:44.339 --> 00:14:48.660
1485
+ my voice box
1486
+
1487
+ 372
1488
+ 00:14:46.260 --> 00:14:50.339
1489
+ unfortunately you damaged my voice box
1490
+
1491
+ 373
1492
+ 00:14:48.660 --> 00:14:52.860
1493
+ um
1494
+
1495
+ 374
1496
+ 00:14:50.339 --> 00:14:54.660
1497
+ I prefer like an all-natural just like
1498
+
1499
+ 375
1500
+ 00:14:52.860 --> 00:14:57.360
1501
+ peanuts and salt
1502
+
1503
+ 376
1504
+ 00:14:54.660 --> 00:14:59.040
1505
+ Vibe like that is the best and I think
1506
+
1507
+ 377
1508
+ 00:14:57.360 --> 00:15:01.980
1509
+ the reason for that is is like I like
1510
+
1511
+ 378
1512
+ 00:14:59.040 --> 00:15:04.639
1513
+ peanut flavor whereas like
1514
+
1515
+ 379
1516
+ 00:15:01.980 --> 00:15:04.639
1517
+ when
1518
+
1519
+ 380
1520
+ 00:15:05.100 --> 00:15:07.880
1521
+ um
1522
+
1523
+ 381
1524
+ 00:15:06.000 --> 00:15:10.440
1525
+ like the
1526
+
1527
+ 382
1528
+ 00:15:07.880 --> 00:15:13.699
1529
+ holy [ __ ] you can't think see this is
1530
+
1531
+ 383
1532
+ 00:15:10.440 --> 00:15:13.699
1533
+ why you're an evil genius
1534
+
1535
+ 384
1536
+ 00:15:14.040 --> 00:15:18.959
1537
+ like Jif peanut butter is like Too Fake
1538
+
1539
+ 385
1540
+ 00:15:17.220 --> 00:15:20.760
1541
+ it tastes like icing like it's not
1542
+
1543
+ 386
1544
+ 00:15:18.959 --> 00:15:22.079
1545
+ that's not peanut butter I want peanuts
1546
+
1547
+ 387
1548
+ 00:15:20.760 --> 00:15:24.380
1549
+ and that's it and when you're making it
1550
+
1551
+ 388
1552
+ 00:15:22.079 --> 00:15:28.260
1553
+ at home
1554
+
1555
+ 389
1556
+ 00:15:24.380 --> 00:15:30.240
1557
+ add a little bit of vanilla bean wow is
1558
+
1559
+ 390
1560
+ 00:15:28.260 --> 00:15:33.300
1561
+ that delicious and some dates it's
1562
+
1563
+ 391
1564
+ 00:15:30.240 --> 00:15:37.279
1565
+ really good moving on well this next one
1566
+
1567
+ 392
1568
+ 00:15:33.300 --> 00:15:37.279
1569
+ is the bomb Beyond insanity
1570
+
1571
+ 393
1572
+ 00:15:37.699 --> 00:15:42.360
1573
+ I've tried this one actually yeah but I
1574
+
1575
+ 394
1576
+ 00:15:41.160 --> 00:15:44.579
1577
+ don't think I
1578
+
1579
+ 395
1580
+ 00:15:42.360 --> 00:15:46.260
1581
+ I don't remember I think this was
1582
+
1583
+ 396
1584
+ 00:15:44.579 --> 00:15:49.019
1585
+ actually the hottest one I did when I
1586
+
1587
+ 397
1588
+ 00:15:46.260 --> 00:15:50.279
1589
+ tried it at home so I don't even want to
1590
+
1591
+ 398
1592
+ 00:15:49.019 --> 00:15:54.440
1593
+ touch it with my finger I feel like it's
1594
+
1595
+ 399
1596
+ 00:15:50.279 --> 00:15:54.440
1597
+ bad okay let's do it let's do it
1598
+
1599
+ 400
1600
+ 00:15:56.390 --> 00:15:59.659
1601
+ [Music]
1602
+
1603
+ 401
1604
+ 00:16:01.440 --> 00:16:04.040
1605
+ [ __ ]
1606
+
1607
+ 402
1608
+ 00:16:07.880 --> 00:16:11.880
1609
+ no this is when it gets [ __ ] serious
1610
+
1611
+ 403
1612
+ 00:16:10.260 --> 00:16:13.459
1613
+ it's for real I can't even believe it
1614
+
1615
+ 404
1616
+ 00:16:11.880 --> 00:16:15.600
1617
+ goes more than this
1618
+
1619
+ 405
1620
+ 00:16:13.459 --> 00:16:18.000
1621
+ I can't even believe there's more than
1622
+
1623
+ 406
1624
+ 00:16:15.600 --> 00:16:20.339
1625
+ this okay
1626
+
1627
+ 407
1628
+ 00:16:18.000 --> 00:16:21.600
1629
+ what's the hardest influencer dollar to
1630
+
1631
+ 408
1632
+ 00:16:20.339 --> 00:16:23.899
1633
+ make and what would you say is the
1634
+
1635
+ 409
1636
+ 00:16:21.600 --> 00:16:23.899
1637
+ easiest
1638
+
1639
+ 410
1640
+ 00:16:26.110 --> 00:16:29.220
1641
+ [Music]
1642
+
1643
+ 411
1644
+ 00:16:30.300 --> 00:16:33.139
1645
+ oh
1646
+
1647
+ 412
1648
+ 00:16:33.560 --> 00:16:36.640
1649
+ my God
1650
+
1651
+ 413
1652
+ 00:16:35.940 --> 00:16:38.820
1653
+ it's like
1654
+
1655
+ 414
1656
+ 00:16:36.640 --> 00:16:40.800
1657
+ [Music]
1658
+
1659
+ 415
1660
+ 00:16:38.820 --> 00:16:43.440
1661
+ it's kind of like a relatively like
1662
+
1663
+ 416
1664
+ 00:16:40.800 --> 00:16:45.060
1665
+ religious experience yeah you know what
1666
+
1667
+ 417
1668
+ 00:16:43.440 --> 00:16:47.000
1669
+ sometimes you can get a little bit of a
1670
+
1671
+ 418
1672
+ 00:16:45.060 --> 00:16:49.980
1673
+ high off of it
1674
+
1675
+ 419
1676
+ 00:16:47.000 --> 00:16:52.139
1677
+ oh [ __ ] it hurts so fast and it's a
1678
+
1679
+ 420
1680
+ 00:16:49.980 --> 00:16:54.180
1681
+ little trippy it gets a little trippy
1682
+
1683
+ 421
1684
+ 00:16:52.139 --> 00:16:57.000
1685
+ okay
1686
+
1687
+ 422
1688
+ 00:16:54.180 --> 00:16:59.100
1689
+ I'm like fully serving but I want you to
1690
+
1691
+ 423
1692
+ 00:16:57.000 --> 00:17:01.079
1693
+ know and I want everyone back here to
1694
+
1695
+ 424
1696
+ 00:16:59.100 --> 00:17:03.799
1697
+ know
1698
+
1699
+ 425
1700
+ 00:17:01.079 --> 00:17:05.360
1701
+ I'm not scared so you shouldn't be sad
1702
+
1703
+ 426
1704
+ 00:17:03.799 --> 00:17:08.600
1705
+ okay
1706
+
1707
+ 427
1708
+ 00:17:05.360 --> 00:17:08.600
1709
+ I'm okay
1710
+
1711
+ 428
1712
+ 00:17:09.179 --> 00:17:15.299
1713
+ but I I'm like gushing tears you have
1714
+
1715
+ 429
1716
+ 00:17:13.079 --> 00:17:16.980
1717
+ just it's like the one
1718
+
1719
+ 430
1720
+ 00:17:15.299 --> 00:17:18.780
1721
+ like it's like out of them believe them
1722
+
1723
+ 431
1724
+ 00:17:16.980 --> 00:17:20.339
1725
+ it's out of a blue like this is a part
1726
+
1727
+ 432
1728
+ 00:17:18.780 --> 00:17:21.959
1729
+ of the [ __ ] hot one Spiritual
1730
+
1731
+ 433
1732
+ 00:17:20.339 --> 00:17:23.699
1733
+ Awakening
1734
+
1735
+ 434
1736
+ 00:17:21.959 --> 00:17:25.880
1737
+ good
1738
+
1739
+ 435
1740
+ 00:17:23.699 --> 00:17:28.679
1741
+ foreign
1742
+
1743
+ 436
1744
+ 00:17:25.880 --> 00:17:31.740
1745
+ like I'm here for it okay
1746
+
1747
+ 437
1748
+ 00:17:28.679 --> 00:17:34.320
1749
+ so the easiest
1750
+
1751
+ 438
1752
+ 00:17:31.740 --> 00:17:37.200
1753
+ leave it it's part of it
1754
+
1755
+ 439
1756
+ 00:17:34.320 --> 00:17:39.059
1757
+ I love it yes
1758
+
1759
+ 440
1760
+ 00:17:37.200 --> 00:17:40.020
1761
+ no I mean it [ __ ] hurts so [ __ ]
1762
+
1763
+ 441
1764
+ 00:17:39.059 --> 00:17:41.820
1765
+ bad
1766
+
1767
+ 442
1768
+ 00:17:40.020 --> 00:17:45.000
1769
+ okay
1770
+
1771
+ 443
1772
+ 00:17:41.820 --> 00:17:48.000
1773
+ um the easiest dollar
1774
+
1775
+ 444
1776
+ 00:17:45.000 --> 00:17:49.130
1777
+ you make as an influencer I would say
1778
+
1779
+ 445
1780
+ 00:17:48.000 --> 00:17:52.289
1781
+ would be
1782
+
1783
+ 446
1784
+ 00:17:49.130 --> 00:17:52.289
1785
+ [Music]
1786
+
1787
+ 447
1788
+ 00:17:52.320 --> 00:17:56.760
1789
+ like holding up a product on Instagram
1790
+
1791
+ 448
1792
+ 00:17:54.419 --> 00:17:58.559
1793
+ taking a photo you know and posting it
1794
+
1795
+ 449
1796
+ 00:17:56.760 --> 00:18:01.520
1797
+ being like hashtag ad
1798
+
1799
+ 450
1800
+ 00:17:58.559 --> 00:18:01.520
1801
+ Fletcher's easy
1802
+
1803
+ 451
1804
+ 00:18:03.600 --> 00:18:07.080
1805
+ um
1806
+
1807
+ 452
1808
+ 00:18:05.280 --> 00:18:08.880
1809
+ I just wish people knew at home that
1810
+
1811
+ 453
1812
+ 00:18:07.080 --> 00:18:10.860
1813
+ like when everybody's crying and like
1814
+
1815
+ 454
1816
+ 00:18:08.880 --> 00:18:12.720
1817
+ everybody's like
1818
+
1819
+ 455
1820
+ 00:18:10.860 --> 00:18:15.360
1821
+ can't get words out
1822
+
1823
+ 456
1824
+ 00:18:12.720 --> 00:18:17.460
1825
+ that like this shit's serious right like
1826
+
1827
+ 457
1828
+ 00:18:15.360 --> 00:18:18.660
1829
+ because I feel like even I when I used
1830
+
1831
+ 458
1832
+ 00:18:17.460 --> 00:18:20.340
1833
+ to watch it I was like this shit's not
1834
+
1835
+ 459
1836
+ 00:18:18.660 --> 00:18:22.380
1837
+ that serious like
1838
+
1839
+ 460
1840
+ 00:18:20.340 --> 00:18:26.220
1841
+ you're a [ __ ]
1842
+
1843
+ 461
1844
+ 00:18:22.380 --> 00:18:27.600
1845
+ and now I'm like no right I'm so sorry
1846
+
1847
+ 462
1848
+ 00:18:26.220 --> 00:18:30.120
1849
+ um for everything
1850
+
1851
+ 463
1852
+ 00:18:27.600 --> 00:18:33.000
1853
+ to the ghosts of hot ones guest pass to
1854
+
1855
+ 464
1856
+ 00:18:30.120 --> 00:18:35.700
1857
+ the ghost of hot ones guest passed I'm
1858
+
1859
+ 465
1860
+ 00:18:33.000 --> 00:18:37.380
1861
+ sorry for my my judgment from home you
1862
+
1863
+ 466
1864
+ 00:18:35.700 --> 00:18:40.280
1865
+ were Brave
1866
+
1867
+ 467
1868
+ 00:18:37.380 --> 00:18:40.280
1869
+ and I get it
1870
+
1871
+ 468
1872
+ 00:18:41.910 --> 00:18:48.120
1873
+ [Music]
1874
+
1875
+ 469
1876
+ 00:18:44.660 --> 00:18:51.740
1877
+ okay let's let's rock on this next one
1878
+
1879
+ 470
1880
+ 00:18:48.120 --> 00:18:51.740
1881
+ is pucker butt's unique garlic
1882
+
1883
+ 471
1884
+ 00:18:55.020 --> 00:18:58.140
1885
+ I don't consider myself like
1886
+
1887
+ 472
1888
+ 00:18:57.179 --> 00:19:00.000
1889
+ I don't know I'm just feeling
1890
+
1891
+ 473
1892
+ 00:18:58.140 --> 00:19:02.700
1893
+ particularly spiritual praying that God
1894
+
1895
+ 474
1896
+ 00:19:00.000 --> 00:19:06.260
1897
+ knows what else is up there in these
1898
+
1899
+ 475
1900
+ 00:19:02.700 --> 00:19:06.260
1901
+ trying times these trying times
1902
+
1903
+ 476
1904
+ 00:19:11.160 --> 00:19:15.279
1905
+ foreign
1906
+
1907
+ 477
1908
+ 00:19:11.990 --> 00:19:15.279
1909
+ [Music]
1910
+
1911
+ 478
1912
+ 00:19:17.460 --> 00:19:21.179
1913
+ so your podcast anything goes with Emma
1914
+
1915
+ 479
1916
+ 00:19:19.500 --> 00:19:23.340
1917
+ Chamberlain is an episodic thought
1918
+
1919
+ 480
1920
+ 00:19:21.179 --> 00:19:25.740
1921
+ exercise where you Ponder questions that
1922
+
1923
+ 481
1924
+ 00:19:23.340 --> 00:19:27.900
1925
+ range from how much privacy a celebrity
1926
+
1927
+ 482
1928
+ 00:19:25.740 --> 00:19:30.360
1929
+ is entitled to to whether or not anyone
1930
+
1931
+ 483
1932
+ 00:19:27.900 --> 00:19:31.799
1933
+ is actually cool as someone who's open
1934
+
1935
+ 484
1936
+ 00:19:30.360 --> 00:19:33.960
1937
+ about the fact that their opinions
1938
+
1939
+ 485
1940
+ 00:19:31.799 --> 00:19:36.000
1941
+ change all the time what's like the last
1942
+
1943
+ 486
1944
+ 00:19:33.960 --> 00:19:37.320
1945
+ or most recent like bad take you've had
1946
+
1947
+ 487
1948
+ 00:19:36.000 --> 00:19:39.059
1949
+ on your own podcast
1950
+
1951
+ 488
1952
+ 00:19:37.320 --> 00:19:40.799
1953
+ I don't know to be honest like I don't
1954
+
1955
+ 489
1956
+ 00:19:39.059 --> 00:19:41.820
1957
+ look at any of my anything I've ever
1958
+
1959
+ 490
1960
+ 00:19:40.799 --> 00:19:43.679
1961
+ said
1962
+
1963
+ 491
1964
+ 00:19:41.820 --> 00:19:45.620
1965
+ I almost throw it in the dumpster behind
1966
+
1967
+ 492
1968
+ 00:19:43.679 --> 00:19:48.600
1969
+ me yeah
1970
+
1971
+ 493
1972
+ 00:19:45.620 --> 00:19:50.880
1973
+ it's true right then but it might not be
1974
+
1975
+ 494
1976
+ 00:19:48.600 --> 00:19:52.980
1977
+ true literally tomorrow and I try to
1978
+
1979
+ 495
1980
+ 00:19:50.880 --> 00:19:55.799
1981
+ make sure everyone knows that so that
1982
+
1983
+ 496
1984
+ 00:19:52.980 --> 00:19:57.720
1985
+ you know it's not like anyone's like
1986
+
1987
+ 497
1988
+ 00:19:55.799 --> 00:20:00.360
1989
+ but I don't know what about that that
1990
+
1991
+ 498
1992
+ 00:19:57.720 --> 00:20:03.059
1993
+ you said it's like no I'm always ebbing
1994
+
1995
+ 499
1996
+ 00:20:00.360 --> 00:20:05.760
1997
+ and flowing baby and that's a good
1998
+
1999
+ 500
2000
+ 00:20:03.059 --> 00:20:07.440
2001
+ that's a good place to be
2002
+
2003
+ 501
2004
+ 00:20:05.760 --> 00:20:09.539
2005
+ what
2006
+
2007
+ 502
2008
+ 00:20:07.440 --> 00:20:11.760
2009
+ are we going in
2010
+
2011
+ 503
2012
+ 00:20:09.539 --> 00:20:13.380
2013
+ if you're ready are we last stabbing it
2014
+
2015
+ 504
2016
+ 00:20:11.760 --> 00:20:15.780
2017
+ we're last stabbing it if you're ready
2018
+
2019
+ 505
2020
+ 00:20:13.380 --> 00:20:18.140
2021
+ I'm just [ __ ] doing it
2022
+
2023
+ 506
2024
+ 00:20:15.780 --> 00:20:22.809
2025
+ oh that's a good Shake
2026
+
2027
+ 507
2028
+ 00:20:18.140 --> 00:20:22.809
2029
+ [Music]
2030
+
2031
+ 508
2032
+ 00:20:22.860 --> 00:20:27.059
2033
+ how much are we doing here
2034
+
2035
+ 509
2036
+ 00:20:25.200 --> 00:20:28.559
2037
+ that looks measured that is looking good
2038
+
2039
+ 510
2040
+ 00:20:27.059 --> 00:20:32.160
2041
+ that is looking good yeah that's perfect
2042
+
2043
+ 511
2044
+ 00:20:28.559 --> 00:20:34.679
2045
+ any more than that that is good
2046
+
2047
+ 512
2048
+ 00:20:32.160 --> 00:20:36.360
2049
+ all right I'm just like taking my time
2050
+
2051
+ 513
2052
+ 00:20:34.679 --> 00:20:38.700
2053
+ putting it back
2054
+
2055
+ 514
2056
+ 00:20:36.360 --> 00:20:41.340
2057
+ taking my time I'll screw back on too
2058
+
2059
+ 515
2060
+ 00:20:38.700 --> 00:20:42.660
2061
+ just for for you guys so it looks good
2062
+
2063
+ 516
2064
+ 00:20:41.340 --> 00:20:44.600
2065
+ on the table
2066
+
2067
+ 517
2068
+ 00:20:42.660 --> 00:20:47.100
2069
+ shout out to the crew
2070
+
2071
+ 518
2072
+ 00:20:44.600 --> 00:20:50.580
2073
+ I'm not like stalking
2074
+
2075
+ 519
2076
+ 00:20:47.100 --> 00:20:53.000
2077
+ all right and it's time to go cheers all
2078
+
2079
+ 520
2080
+ 00:20:50.580 --> 00:20:53.000
2081
+ right cheers
2082
+
2083
+ 521
2084
+ 00:20:53.510 --> 00:20:58.609
2085
+ [Music]
2086
+
2087
+ 522
2088
+ 00:20:59.059 --> 00:21:05.100
2089
+ and while that settles nice long wind up
2090
+
2091
+ 523
2092
+ 00:21:02.039 --> 00:21:07.200
2093
+ to close things out what I want to do is
2094
+
2095
+ 524
2096
+ 00:21:05.100 --> 00:21:10.500
2097
+ we'll pray on your natural creative
2098
+
2099
+ 525
2100
+ 00:21:07.200 --> 00:21:13.980
2101
+ instincts in aesthetic can you rearrange
2102
+
2103
+ 526
2104
+ 00:21:10.500 --> 00:21:17.100
2105
+ the hot ones Gauntlet from favorite to
2106
+
2107
+ 527
2108
+ 00:21:13.980 --> 00:21:19.440
2109
+ least favorite based entirely on the
2110
+
2111
+ 528
2112
+ 00:21:17.100 --> 00:21:20.880
2113
+ artistic appeal of the labels
2114
+
2115
+ 529
2116
+ 00:21:19.440 --> 00:21:23.039
2117
+ like which one I think is the most
2118
+
2119
+ 530
2120
+ 00:21:20.880 --> 00:21:25.620
2121
+ aesthetic yeah aesthetically amazing
2122
+
2123
+ 531
2124
+ 00:21:23.039 --> 00:21:27.539
2125
+ this is like actually my dream yeah of
2126
+
2127
+ 532
2128
+ 00:21:25.620 --> 00:21:29.220
2129
+ an activity especially during my like
2130
+
2131
+ 533
2132
+ 00:21:27.539 --> 00:21:31.020
2133
+ what I'm feeling right now although part
2134
+
2135
+ 534
2136
+ 00:21:29.220 --> 00:21:33.299
2137
+ of me like wants to like
2138
+
2139
+ 535
2140
+ 00:21:31.020 --> 00:21:35.280
2141
+ finish the wing to like really like do
2142
+
2143
+ 536
2144
+ 00:21:33.299 --> 00:21:38.000
2145
+ it should be [ __ ] let's do it let's
2146
+
2147
+ 537
2148
+ 00:21:35.280 --> 00:21:38.000
2149
+ go okay
2150
+
2151
+ 538
2152
+ 00:21:38.880 --> 00:21:43.940
2153
+ what I'm so do I regret okay
2154
+
2155
+ 539
2156
+ 00:21:48.840 --> 00:21:53.460
2157
+ okay I'm determined one more bite
2158
+
2159
+ 540
2160
+ 00:21:50.280 --> 00:21:55.200
2161
+ incredible I'm not a baby and I want
2162
+
2163
+ 541
2164
+ 00:21:53.460 --> 00:21:58.679
2165
+ everyone out there to know that I
2166
+
2167
+ 542
2168
+ 00:21:55.200 --> 00:22:01.380
2169
+ [ __ ] came here and I [ __ ] did it
2170
+
2171
+ 543
2172
+ 00:21:58.679 --> 00:22:04.500
2173
+ let them know this has been my dream
2174
+
2175
+ 544
2176
+ 00:22:01.380 --> 00:22:06.240
2177
+ since I first started YouTube was to one
2178
+
2179
+ 545
2180
+ 00:22:04.500 --> 00:22:08.640
2181
+ day come here and I'm [ __ ] finishing
2182
+
2183
+ 546
2184
+ 00:22:06.240 --> 00:22:11.960
2185
+ the last week okay it was changing the
2186
+
2187
+ 547
2188
+ 00:22:08.640 --> 00:22:11.960
2189
+ last one wait what yes
2190
+
2191
+ 548
2192
+ 00:22:13.380 --> 00:22:17.460
2193
+ I always wanted to come on the show
2194
+
2195
+ 549
2196
+ 00:22:15.720 --> 00:22:20.580
2197
+ because I've been obsessed with it since
2198
+
2199
+ 550
2200
+ 00:22:17.460 --> 00:22:24.120
2201
+ it like literally came out and started
2202
+
2203
+ 551
2204
+ 00:22:20.580 --> 00:22:26.640
2205
+ however long ago and I was like once I
2206
+
2207
+ 552
2208
+ 00:22:24.120 --> 00:22:29.760
2209
+ [ __ ] go on hot ones
2210
+
2211
+ 553
2212
+ 00:22:26.640 --> 00:22:31.919
2213
+ I like I can retire like that's always
2214
+
2215
+ 554
2216
+ 00:22:29.760 --> 00:22:33.900
2217
+ been my thing
2218
+
2219
+ 555
2220
+ 00:22:31.919 --> 00:22:37.020
2221
+ and so like I'm [ __ ] finishing the
2222
+
2223
+ 556
2224
+ 00:22:33.900 --> 00:22:37.020
2225
+ wings okay
2226
+
2227
+ 557
2228
+ 00:22:38.520 --> 00:22:44.039
2229
+ [Music]
2230
+
2231
+ 558
2232
+ 00:22:41.059 --> 00:22:45.659
2233
+ Pico Rico with the cat your favorite
2234
+
2235
+ 559
2236
+ 00:22:44.039 --> 00:22:47.340
2237
+ that cat is just so
2238
+
2239
+ 560
2240
+ 00:22:45.659 --> 00:22:49.140
2241
+ has to go first it makes me want to buy
2242
+
2243
+ 561
2244
+ 00:22:47.340 --> 00:22:53.280
2245
+ the hot sauce
2246
+
2247
+ 562
2248
+ 00:22:49.140 --> 00:22:55.980
2249
+ I love when animals are on stuff next
2250
+
2251
+ 563
2252
+ 00:22:53.280 --> 00:22:58.500
2253
+ we're gonna go with this one I really I
2254
+
2255
+ 564
2256
+ 00:22:55.980 --> 00:23:01.260
2257
+ like the colors very inviting
2258
+
2259
+ 565
2260
+ 00:22:58.500 --> 00:23:03.840
2261
+ not traditional but personal I love that
2262
+
2263
+ 566
2264
+ 00:23:01.260 --> 00:23:06.780
2265
+ little branding
2266
+
2267
+ 567
2268
+ 00:23:03.840 --> 00:23:08.880
2269
+ okay I really like it
2270
+
2271
+ 568
2272
+ 00:23:06.780 --> 00:23:10.320
2273
+ I really like this one I mean it's you
2274
+
2275
+ 569
2276
+ 00:23:08.880 --> 00:23:13.679
2277
+ guys so like
2278
+
2279
+ 570
2280
+ 00:23:10.320 --> 00:23:15.720
2281
+ but I like it because it's simple and
2282
+
2283
+ 571
2284
+ 00:23:13.679 --> 00:23:17.640
2285
+ effective and classic and that's exactly
2286
+
2287
+ 572
2288
+ 00:23:15.720 --> 00:23:18.900
2289
+ what it is
2290
+
2291
+ 573
2292
+ 00:23:17.640 --> 00:23:20.280
2293
+ for some reason it's going last like
2294
+
2295
+ 574
2296
+ 00:23:18.900 --> 00:23:22.380
2297
+ don't want to offend anyone but I just
2298
+
2299
+ 575
2300
+ 00:23:20.280 --> 00:23:26.059
2301
+ like feel like it reminds me of like
2302
+
2303
+ 576
2304
+ 00:23:22.380 --> 00:23:26.059
2305
+ a Florida like Grandma
2306
+
2307
+ 577
2308
+ 00:23:26.460 --> 00:23:30.299
2309
+ okay you know what [ __ ] him just zooming
2310
+
2311
+ 578
2312
+ 00:23:28.500 --> 00:23:31.980
2313
+ through now here we go okay this one
2314
+
2315
+ 579
2316
+ 00:23:30.299 --> 00:23:34.799
2317
+ reminds me of like so many this is like
2318
+
2319
+ 580
2320
+ 00:23:31.980 --> 00:23:36.840
2321
+ the Burning Man Edition
2322
+
2323
+ 581
2324
+ 00:23:34.799 --> 00:23:39.200
2325
+ the bomb it's effective and it's
2326
+
2327
+ 582
2328
+ 00:23:36.840 --> 00:23:39.200
2329
+ accurate
2330
+
2331
+ 583
2332
+ 00:23:40.679 --> 00:23:44.940
2333
+ final touches
2334
+
2335
+ 584
2336
+ 00:23:42.480 --> 00:23:47.159
2337
+ final touches I'm committing to this oh
2338
+
2339
+ 585
2340
+ 00:23:44.940 --> 00:23:49.320
2341
+ my God I'm done and there you have it
2342
+
2343
+ 586
2344
+ 00:23:47.159 --> 00:23:51.480
2345
+ set it in stone and hang it in the
2346
+
2347
+ 587
2348
+ 00:23:49.320 --> 00:23:53.520
2349
+ Louvre Emma Chamberlain taking on the
2350
+
2351
+ 588
2352
+ 00:23:51.480 --> 00:23:55.559
2353
+ hot ones Gauntlet and living to tell the
2354
+
2355
+ 589
2356
+ 00:23:53.520 --> 00:23:57.299
2357
+ tale now there's nothing left to do but
2358
+
2359
+ 590
2360
+ 00:23:55.559 --> 00:23:59.100
2361
+ roll out the red carpet for you this
2362
+
2363
+ 591
2364
+ 00:23:57.299 --> 00:24:00.299
2365
+ camera this camera this camera let the
2366
+
2367
+ 592
2368
+ 00:23:59.100 --> 00:24:02.600
2369
+ people know what you have going on in
2370
+
2371
+ 593
2372
+ 00:24:00.299 --> 00:24:02.600
2373
+ your life
2374
+
2375
+ 594
2376
+ 00:24:02.760 --> 00:24:06.500
2377
+ um yes yes
2378
+
2379
+ 595
2380
+ 00:24:04.380 --> 00:24:06.500
2381
+ thank you
2382
+
2383
+ 596
2384
+ 00:24:06.960 --> 00:24:12.659
2385
+ um well I have a coffee company uh
2386
+
2387
+ 597
2388
+ 00:24:10.460 --> 00:24:15.179
2389
+ chamberlaincoffee.com pick up some
2390
+
2391
+ 598
2392
+ 00:24:12.659 --> 00:24:17.460
2393
+ coffee tea coffee and tea related
2394
+
2395
+ 599
2396
+ 00:24:15.179 --> 00:24:19.679
2397
+ accessories I have a podcast anything
2398
+
2399
+ 600
2400
+ 00:24:17.460 --> 00:24:22.440
2401
+ goes check it out new episodes all the
2402
+
2403
+ 601
2404
+ 00:24:19.679 --> 00:24:23.820
2405
+ time every Thursday every week
2406
+
2407
+ 602
2408
+ 00:24:22.440 --> 00:24:26.520
2409
+ um and sometimes I make YouTube videos
2410
+
2411
+ 603
2412
+ 00:24:23.820 --> 00:24:32.659
2413
+ when my when it sets my soul on fire
2414
+
2415
+ 604
2416
+ 00:24:26.520 --> 00:24:32.659
2417
+ thank you Sean what a day what a day
2418
+
2419
+ 605
2420
+ 00:24:32.880 --> 00:24:37.080
2421
+ you did it that was so fun
2422
+
2423
+ 606
2424
+ 00:24:35.159 --> 00:24:40.440
2425
+ what are you gonna tell your dad
2426
+
2427
+ 607
2428
+ 00:24:37.080 --> 00:24:41.880
2429
+ that this shit's serious and and that I
2430
+
2431
+ 608
2432
+ 00:24:40.440 --> 00:24:43.620
2433
+ saw in your face that you're there with
2434
+
2435
+ 609
2436
+ 00:24:41.880 --> 00:24:44.760
2437
+ me right there with you you were there
2438
+
2439
+ 610
2440
+ 00:24:43.620 --> 00:24:46.380
2441
+ with me oh my God I shouldn't touch
2442
+
2443
+ 611
2444
+ 00:24:44.760 --> 00:24:50.360
2445
+ myself yeah be careful I did you made it
2446
+
2447
+ 612
2448
+ 00:24:46.380 --> 00:24:50.360
2449
+ all the way to this point all the way up
2450
+
2451
+ 613
2452
+ 00:24:50.940 --> 00:24:55.679
2453
+ that was so fun you had a good time
2454
+
2455
+ 614
2456
+ 00:24:53.820 --> 00:24:58.220
2457
+ are you guys free for another hour let's
2458
+
2459
+ 615
2460
+ 00:24:55.679 --> 00:24:58.220
2461
+ do it again
2462
+
2463
+ 616
2464
+ 00:24:59.940 --> 00:25:04.740
2465
+ thank you so much for watching today's
2466
+
2467
+ 617
2468
+ 00:25:01.919 --> 00:25:08.039
2469
+ video and hot ones fans I have a very
2470
+
2471
+ 618
2472
+ 00:25:04.740 --> 00:25:10.980
2473
+ exciting announcement the hot ones Shake
2474
+
2475
+ 619
2476
+ 00:25:08.039 --> 00:25:13.320
2477
+ Shack collab is finally here the hot
2478
+
2479
+ 620
2480
+ 00:25:10.980 --> 00:25:16.559
2481
+ ones cheese fries the hot ones Burger
2482
+
2483
+ 621
2484
+ 00:25:13.320 --> 00:25:19.140
2485
+ the hot ones chicken all made with a
2486
+
2487
+ 622
2488
+ 00:25:16.559 --> 00:25:22.140
2489
+ shack sauce that includes hot ones the
2490
+
2491
+ 623
2492
+ 00:25:19.140 --> 00:25:25.380
2493
+ classic along with the last dab it's
2494
+
2495
+ 624
2496
+ 00:25:22.140 --> 00:25:28.080
2497
+ very spicy it's very delicious and it's
2498
+
2499
+ 625
2500
+ 00:25:25.380 --> 00:25:29.820
2501
+ available for a limited time now through
2502
+
2503
+ 626
2504
+ 00:25:28.080 --> 00:25:31.740
2505
+ the end of the year at Shake Shacks
2506
+
2507
+ 627
2508
+ 00:25:29.820 --> 00:25:34.140
2509
+ Nationwide and via the Shake Shack app
2510
+
2511
+ 628
2512
+ 00:25:31.740 --> 00:25:37.340
2513
+ be careful around your eyes and don't
2514
+
2515
+ 629
2516
+ 00:25:34.140 --> 00:25:37.340
2517
+ forget to order a milkshake
2518
+
2519
+ 630
2520
+ 00:25:37.490 --> 00:25:40.980
2521
+ [Music]
2522
+
transcripts/4.vtt ADDED
@@ -0,0 +1,2606 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.560 --> 00:00:06.690
5
+ oh man I declare sinuses
6
+
7
+ 2
8
+ 00:00:04.220 --> 00:00:13.340
9
+ oh I can smell everything
10
+
11
+ 3
12
+ 00:00:06.690 --> 00:00:15.179
13
+ [Music]
14
+
15
+ 4
16
+ 00:00:13.340 --> 00:00:16.859
17
+ hey what's going on and Happy
18
+
19
+ 5
20
+ 00:00:15.179 --> 00:00:18.539
21
+ Thanksgiving everybody for first week
22
+
23
+ 6
24
+ 00:00:16.859 --> 00:00:19.859
25
+ Feast I'm Sean Evans and you're watching
26
+
27
+ 7
28
+ 00:00:18.539 --> 00:00:21.480
29
+ hot ones it's the show with hot
30
+
31
+ 8
32
+ 00:00:19.859 --> 00:00:23.220
33
+ questions and even hotter wings and
34
+
35
+ 9
36
+ 00:00:21.480 --> 00:00:24.960
37
+ today we're joined by Israel adesanya
38
+
39
+ 10
40
+ 00:00:23.220 --> 00:00:26.400
41
+ he's one of the UFC's most accomplished
42
+
43
+ 11
44
+ 00:00:24.960 --> 00:00:27.539
45
+ and dominant Fighters having previously
46
+
47
+ 12
48
+ 00:00:26.400 --> 00:00:29.640
49
+ defended his middleweight championship
50
+
51
+ 13
52
+ 00:00:27.539 --> 00:00:31.019
53
+ belt five times sure he may walk in
54
+
55
+ 14
56
+ 00:00:29.640 --> 00:00:33.120
57
+ today's interview with a professional
58
+
59
+ 15
60
+ 00:00:31.019 --> 00:00:34.500
61
+ record of 23-2 but how will he Fair
62
+
63
+ 16
64
+ 00:00:33.120 --> 00:00:36.239
65
+ going the 10 round distance with the
66
+
67
+ 17
68
+ 00:00:34.500 --> 00:00:38.100
69
+ wings of death I guess only time will
70
+
71
+ 18
72
+ 00:00:36.239 --> 00:00:39.960
73
+ tell israelisanya welcome to the show
74
+
75
+ 19
76
+ 00:00:38.100 --> 00:00:42.059
77
+ thank you for having me so you did an
78
+
79
+ 20
80
+ 00:00:39.960 --> 00:00:44.219
81
+ episode of Truth or dab about a year ago
82
+
83
+ 21
84
+ 00:00:42.059 --> 00:00:46.559
85
+ with Anthony Joshua and basically bodied
86
+
87
+ 22
88
+ 00:00:44.219 --> 00:00:48.420
89
+ our spiciest Wings how confident are you
90
+
91
+ 23
92
+ 00:00:46.559 --> 00:00:50.879
93
+ going into today's challenge
94
+
95
+ 24
96
+ 00:00:48.420 --> 00:00:52.820
97
+ um that was then and this is now I just
98
+
99
+ 25
100
+ 00:00:50.879 --> 00:00:55.199
101
+ had a fight like two days ago so
102
+
103
+ 26
104
+ 00:00:52.820 --> 00:00:56.399
105
+ yesterday I found out
106
+
107
+ 27
108
+ 00:00:55.199 --> 00:00:58.199
109
+ um through having a spicy chicken
110
+
111
+ 28
112
+ 00:00:56.399 --> 00:01:00.480
113
+ sandwich that I might have some cuts
114
+
115
+ 29
116
+ 00:00:58.199 --> 00:01:03.120
117
+ under my tongue or around my tongue so
118
+
119
+ 30
120
+ 00:01:00.480 --> 00:01:06.680
121
+ yeah we'll find out are you ready to get
122
+
123
+ 31
124
+ 00:01:03.120 --> 00:01:06.680
125
+ started ready bro let's go
126
+
127
+ 32
128
+ 00:01:08.040 --> 00:01:22.320
129
+ foreign
130
+
131
+ 33
132
+ 00:01:09.200 --> 00:01:25.140
133
+ [Music]
134
+
135
+ 34
136
+ 00:01:22.320 --> 00:01:26.820
137
+ let's go cheers
138
+
139
+ 35
140
+ 00:01:25.140 --> 00:01:28.920
141
+ you always have to wait for like the
142
+
143
+ 36
144
+ 00:01:26.820 --> 00:01:31.020
145
+ surprise kicker that's someone who's
146
+
147
+ 37
148
+ 00:01:28.920 --> 00:01:32.850
149
+ been around yep part two or party but
150
+
151
+ 38
152
+ 00:01:31.020 --> 00:01:36.230
153
+ this is like there we go
154
+
155
+ 39
156
+ 00:01:32.850 --> 00:01:36.230
157
+ [Music]
158
+
159
+ 40
160
+ 00:01:39.360 --> 00:01:42.439
161
+ I'm actually hungry
162
+
163
+ 41
164
+ 00:01:42.960 --> 00:01:46.560
165
+ so my voice still hasn't fully recovered
166
+
167
+ 42
168
+ 00:01:45.000 --> 00:01:48.180
169
+ from Saturday night's event at Madison
170
+
171
+ 43
172
+ 00:01:46.560 --> 00:01:50.579
173
+ Square Garden yeah went to the fight
174
+
175
+ 44
176
+ 00:01:48.180 --> 00:01:52.439
177
+ took the team yeah and I know it wasn't
178
+
179
+ 45
180
+ 00:01:50.579 --> 00:01:54.360
181
+ the result that you were looking for but
182
+
183
+ 46
184
+ 00:01:52.439 --> 00:01:56.040
185
+ it was still just an epic fight epic
186
+
187
+ 47
188
+ 00:01:54.360 --> 00:01:57.960
189
+ performance and with today being
190
+
191
+ 48
192
+ 00:01:56.040 --> 00:01:59.399
193
+ Thanksgiving the line that you had in
194
+
195
+ 49
196
+ 00:01:57.960 --> 00:02:01.020
197
+ your post fight press conference about
198
+
199
+ 50
200
+ 00:01:59.399 --> 00:02:02.939
201
+ being grateful really stood out to me
202
+
203
+ 51
204
+ 00:02:01.020 --> 00:02:04.740
205
+ what is it that you're grateful for and
206
+
207
+ 52
208
+ 00:02:02.939 --> 00:02:08.039
209
+ why do you Embrace moments like these no
210
+
211
+ 53
212
+ 00:02:04.740 --> 00:02:10.860
213
+ matter the outcome okay it's still good
214
+
215
+ 54
216
+ 00:02:08.039 --> 00:02:12.660
217
+ but I just got like the part two
218
+
219
+ 55
220
+ 00:02:10.860 --> 00:02:15.239
221
+ um what am I grateful for yeah
222
+
223
+ 56
224
+ 00:02:12.660 --> 00:02:17.220
225
+ Just A Moment Like just seeing looking
226
+
227
+ 57
228
+ 00:02:15.239 --> 00:02:19.200
229
+ around and seeing a lot of kiwis other
230
+
231
+ 58
232
+ 00:02:17.220 --> 00:02:20.280
233
+ people from back home I didn't even get
234
+
235
+ 59
236
+ 00:02:19.200 --> 00:02:22.560
237
+ to go to Times Square because I can't
238
+
239
+ 60
240
+ 00:02:20.280 --> 00:02:25.140
241
+ really go to Times Square like I I used
242
+
243
+ 61
244
+ 00:02:22.560 --> 00:02:27.480
245
+ to and my face is plastered on the
246
+
247
+ 62
248
+ 00:02:25.140 --> 00:02:30.000
249
+ [ __ ] screens and in Madison Square
250
+
251
+ 63
252
+ 00:02:27.480 --> 00:02:32.220
253
+ Garden I did something is in headlights
254
+
255
+ 64
256
+ 00:02:30.000 --> 00:02:34.040
257
+ and yeah so I'm just grateful for these
258
+
259
+ 65
260
+ 00:02:32.220 --> 00:02:38.400
261
+ moments and grateful for the opportunity
262
+
263
+ 66
264
+ 00:02:34.040 --> 00:02:40.500
265
+ grateful for the life I live the because
266
+
267
+ 67
268
+ 00:02:38.400 --> 00:02:42.840
269
+ I mean I it wasn't it wasn't long ago
270
+
271
+ 68
272
+ 00:02:40.500 --> 00:02:45.959
273
+ but I still remember like you know
274
+
275
+ 69
276
+ 00:02:42.840 --> 00:02:47.760
277
+ I get five books on number number seven
278
+
279
+ 70
280
+ 00:02:45.959 --> 00:02:49.980
281
+ at the gas pump that kind of stuff so
282
+
283
+ 71
284
+ 00:02:47.760 --> 00:02:51.180
285
+ now yeah being in the situation you just
286
+
287
+ 72
288
+ 00:02:49.980 --> 00:02:52.500
289
+ have to be grateful for everything The
290
+
291
+ 73
292
+ 00:02:51.180 --> 00:02:55.160
293
+ Good the Bad the Ugly the Beautiful
294
+
295
+ 74
296
+ 00:02:52.500 --> 00:02:55.160
297
+ Everything
298
+
299
+ 75
300
+ 00:02:58.019 --> 00:03:01.379
301
+ if I start speaking in tongues forgive
302
+
303
+ 76
304
+ 00:02:59.879 --> 00:03:03.120
305
+ me
306
+
307
+ 77
308
+ 00:03:01.379 --> 00:03:07.099
309
+ what's the one that one of my favorites
310
+
311
+ 78
312
+ 00:03:03.120 --> 00:03:09.540
313
+ is um Khalid oh yeah if I quit
314
+
315
+ 79
316
+ 00:03:07.099 --> 00:03:12.239
317
+ I like that
318
+
319
+ 80
320
+ 00:03:09.540 --> 00:03:14.159
321
+ that's mentality you can see that you
322
+
323
+ 81
324
+ 00:03:12.239 --> 00:03:17.280
325
+ understand that you're playing 3D chess
326
+
327
+ 82
328
+ 00:03:14.159 --> 00:03:19.819
329
+ like Khaled facts 40. it's not even here
330
+
331
+ 83
332
+ 00:03:17.280 --> 00:03:19.819
333
+ we're up there
334
+
335
+ 84
336
+ 00:03:19.920 --> 00:03:23.580
337
+ so far so good looks like you're
338
+
339
+ 85
340
+ 00:03:21.780 --> 00:03:25.080
341
+ enjoying the wings I'm hungry man I can
342
+
343
+ 86
344
+ 00:03:23.580 --> 00:03:27.000
345
+ see that but I'm trying to lie okay let
346
+
347
+ 87
348
+ 00:03:25.080 --> 00:03:28.920
349
+ me save myself yeah and I don't want
350
+
351
+ 88
352
+ 00:03:27.000 --> 00:03:30.959
353
+ Nigerian like this is even like
354
+
355
+ 89
356
+ 00:03:28.920 --> 00:03:32.640
357
+ appalling it's the first wing and this
358
+
359
+ 90
360
+ 00:03:30.959 --> 00:03:36.780
361
+ is appalling my culture right you got to
362
+
363
+ 91
364
+ 00:03:32.640 --> 00:03:36.780
365
+ represent this should me
366
+
367
+ 92
368
+ 00:03:38.340 --> 00:03:43.319
369
+ like a cartilage all that
370
+
371
+ 93
372
+ 00:03:41.819 --> 00:03:45.480
373
+ what would you say was your greatest
374
+
375
+ 94
376
+ 00:03:43.319 --> 00:03:47.220
377
+ press conference bar like you seem to
378
+
379
+ 95
380
+ 00:03:45.480 --> 00:03:48.959
381
+ approach these things almost as a rapper
382
+
383
+ 96
384
+ 00:03:47.220 --> 00:03:51.680
385
+ with a cipher my favorite was the
386
+
387
+ 97
388
+ 00:03:48.959 --> 00:03:51.680
389
+ ignoramus
390
+
391
+ 98
392
+ 00:03:52.819 --> 00:03:57.480
393
+ buffoonista what's my favorite one let
394
+
395
+ 99
396
+ 00:03:56.159 --> 00:03:59.400
397
+ me see
398
+
399
+ 100
400
+ 00:03:57.480 --> 00:04:00.900
401
+ um I think nosebleeds to nosebleeds is
402
+
403
+ 101
404
+ 00:03:59.400 --> 00:04:02.159
405
+ classic yeah I love that and actually
406
+
407
+ 102
408
+ 00:04:00.900 --> 00:04:04.680
409
+ funny enough today might be the
410
+
411
+ 103
412
+ 00:04:02.159 --> 00:04:07.860
413
+ anniversary actually so today eight
414
+
415
+ 104
416
+ 00:04:04.680 --> 00:04:11.040
417
+ years ago I believe I was in Melbourne
418
+
419
+ 105
420
+ 00:04:07.860 --> 00:04:12.840
421
+ back then Etihad Stadium well I watched
422
+
423
+ 106
424
+ 00:04:11.040 --> 00:04:15.599
425
+ um Ronda Rousey versus Holly Holm from
426
+
427
+ 107
428
+ 00:04:12.840 --> 00:04:17.639
429
+ the nosebleeds and I saw Robert Whitaker
430
+
431
+ 108
432
+ 00:04:15.599 --> 00:04:20.220
433
+ fight there against Uriah Hall
434
+
435
+ 109
436
+ 00:04:17.639 --> 00:04:22.620
437
+ and then how many years later I fought
438
+
439
+ 110
440
+ 00:04:20.220 --> 00:04:25.080
441
+ in the same Arena now Marvel Stadium
442
+
443
+ 111
444
+ 00:04:22.620 --> 00:04:27.120
445
+ and I told him back then I was in the
446
+
447
+ 112
448
+ 00:04:25.080 --> 00:04:29.280
449
+ nosebleeds and I'm gonna make his nose
450
+
451
+ 113
452
+ 00:04:27.120 --> 00:04:30.360
453
+ bleed yeah and I did what I made his
454
+
455
+ 114
456
+ 00:04:29.280 --> 00:04:33.300
457
+ nose bleed
458
+
459
+ 115
460
+ 00:04:30.360 --> 00:04:35.040
461
+ bars are you ready to move on here to
462
+
463
+ 116
464
+ 00:04:33.300 --> 00:04:37.860
465
+ round number three I like how you get me
466
+
467
+ 117
468
+ 00:04:35.040 --> 00:04:39.540
469
+ comfortable there we go we're having a
470
+
471
+ 118
472
+ 00:04:37.860 --> 00:04:41.400
473
+ good time it's just a barbecue little
474
+
475
+ 119
476
+ 00:04:39.540 --> 00:04:43.440
477
+ fake leaves all that
478
+
479
+ 120
480
+ 00:04:41.400 --> 00:04:45.130
481
+ we have to cookout we're at the cookout
482
+
483
+ 121
484
+ 00:04:43.440 --> 00:04:49.949
485
+ let's go
486
+
487
+ 122
488
+ 00:04:45.130 --> 00:04:49.949
489
+ [Music]
490
+
491
+ 123
492
+ 00:04:50.520 --> 00:04:54.060
493
+ I like how he looks at you before he
494
+
495
+ 124
496
+ 00:04:51.960 --> 00:04:56.220
497
+ takes a bite it's like he's trying to
498
+
499
+ 125
500
+ 00:04:54.060 --> 00:04:57.390
501
+ like I'm sizing you up yeah exactly I
502
+
503
+ 126
504
+ 00:04:56.220 --> 00:04:58.440
505
+ can feel the energies
506
+
507
+ 127
508
+ 00:04:57.390 --> 00:05:00.360
509
+ [Music]
510
+
511
+ 128
512
+ 00:04:58.440 --> 00:05:02.160
513
+ let's see how you going this is my face
514
+
515
+ 129
516
+ 00:05:00.360 --> 00:05:04.380
517
+ down you know this is my scare down it's
518
+
519
+ 130
520
+ 00:05:02.160 --> 00:05:06.360
521
+ elephant welcome to my Arena welcome to
522
+
523
+ 131
524
+ 00:05:04.380 --> 00:05:08.759
525
+ my Arena this is like every every week
526
+
527
+ 132
528
+ 00:05:06.360 --> 00:05:10.440
529
+ every week a psychopath for like eight
530
+
531
+ 133
532
+ 00:05:08.759 --> 00:05:13.560
533
+ years I know you know Dan hooker right
534
+
535
+ 134
536
+ 00:05:10.440 --> 00:05:14.400
537
+ yeah he's a tree you got to get him on
538
+
539
+ 135
540
+ 00:05:13.560 --> 00:05:17.580
541
+ here
542
+
543
+ 136
544
+ 00:05:14.400 --> 00:05:19.320
545
+ so he thought um this really good
546
+
547
+ 137
548
+ 00:05:17.580 --> 00:05:20.580
549
+ Fighter the Phenom what's his name the
550
+
551
+ 138
552
+ 00:05:19.320 --> 00:05:21.840
553
+ Peruvian Prince I can't remember his
554
+
555
+ 139
556
+ 00:05:20.580 --> 00:05:23.639
557
+ name forgive me
558
+
559
+ 140
560
+ 00:05:21.840 --> 00:05:25.380
561
+ I'd send the kids yeah on Saturday and
562
+
563
+ 141
564
+ 00:05:23.639 --> 00:05:26.940
565
+ the kid is known for like leg locks they
566
+
567
+ 142
568
+ 00:05:25.380 --> 00:05:27.960
569
+ kept trying to get down there they kept
570
+
571
+ 143
572
+ 00:05:26.940 --> 00:05:29.160
573
+ trying to bring them both front when he
574
+
575
+ 144
576
+ 00:05:27.960 --> 00:05:31.979
577
+ finally got it
578
+
579
+ 145
580
+ 00:05:29.160 --> 00:05:33.240
581
+ I if I recall I go to Anchor lock
582
+
583
+ 146
584
+ 00:05:31.979 --> 00:05:36.000
585
+ and then
586
+
587
+ 147
588
+ 00:05:33.240 --> 00:05:37.919
589
+ he got like a knee bar and he just like
590
+
591
+ 148
592
+ 00:05:36.000 --> 00:05:38.300
593
+ cranked and I remember the guy's face
594
+
595
+ 149
596
+ 00:05:37.919 --> 00:05:40.560
597
+ like
598
+
599
+ 150
600
+ 00:05:38.300 --> 00:05:42.360
601
+ [Music]
602
+
603
+ 151
604
+ 00:05:40.560 --> 00:05:43.460
605
+ raping you see Dan just sitting there
606
+
607
+ 152
608
+ 00:05:42.360 --> 00:05:46.020
609
+ like
610
+
611
+ 153
612
+ 00:05:43.460 --> 00:05:47.580
613
+ his leg got like literally his leg being
614
+
615
+ 154
616
+ 00:05:46.020 --> 00:05:49.139
617
+ hyper extended
618
+
619
+ 155
620
+ 00:05:47.580 --> 00:05:51.180
621
+ and Dan's just sitting there hit him in
622
+
623
+ 156
624
+ 00:05:49.139 --> 00:05:53.759
625
+ the body a few times and the guy's there
626
+
627
+ 157
628
+ 00:05:51.180 --> 00:05:57.000
629
+ like cranking for his life for maybe
630
+
631
+ 158
632
+ 00:05:53.759 --> 00:06:00.180
633
+ about 10 seconds and the guy goes
634
+
635
+ 159
636
+ 00:05:57.000 --> 00:06:00.560
637
+ but this guy and Dad's sitting there
638
+
639
+ 160
640
+ 00:06:00.180 --> 00:06:02.759
641
+ just like
642
+
643
+ 161
644
+ 00:06:00.560 --> 00:06:05.400
645
+ [Music]
646
+
647
+ 162
648
+ 00:06:02.759 --> 00:06:06.960
649
+ cool this is a psychopath that's how
650
+
651
+ 163
652
+ 00:06:05.400 --> 00:06:08.759
653
+ he'd be on this show just whatever sauce
654
+
655
+ 164
656
+ 00:06:06.960 --> 00:06:09.860
657
+ he's white as well so you know he's
658
+
659
+ 165
660
+ 00:06:08.759 --> 00:06:12.780
661
+ gonna go right
662
+
663
+ 166
664
+ 00:06:09.860 --> 00:06:14.400
665
+ but he's a psychopath he'll endure he's
666
+
667
+ 167
668
+ 00:06:12.780 --> 00:06:16.440
669
+ his fortitude
670
+
671
+ 168
672
+ 00:06:14.400 --> 00:06:19.440
673
+ I don't understand like spicy food he
674
+
675
+ 169
676
+ 00:06:16.440 --> 00:06:20.940
677
+ lived in Thailand yeah oh yeah yeah some
678
+
679
+ 170
680
+ 00:06:19.440 --> 00:06:23.840
681
+ Foundation there he'll be fine yeah he
682
+
683
+ 171
684
+ 00:06:20.940 --> 00:06:23.840
685
+ lived in Thailand for a while
686
+
687
+ 172
688
+ 00:06:26.180 --> 00:06:28.740
689
+ [Music]
690
+
691
+ 173
692
+ 00:06:27.479 --> 00:06:30.240
693
+ I'm waiting for that bit where that
694
+
695
+ 174
696
+ 00:06:28.740 --> 00:06:32.160
697
+ music comes on okay I can smell this one
698
+
699
+ 175
700
+ 00:06:30.240 --> 00:06:34.039
701
+ you know I bet when it's like boom oh
702
+
703
+ 176
704
+ 00:06:32.160 --> 00:06:36.900
705
+ yeah
706
+
707
+ 177
708
+ 00:06:34.039 --> 00:06:38.759
709
+ that like Airy music yeah
710
+
711
+ 178
712
+ 00:06:36.900 --> 00:06:39.960
713
+ call that a little metal on metal that's
714
+
715
+ 179
716
+ 00:06:38.759 --> 00:06:41.639
717
+ what I call that we call that one the
718
+
719
+ 180
720
+ 00:06:39.960 --> 00:06:44.120
721
+ scrape yeah the scrape yeah that's what
722
+
723
+ 181
724
+ 00:06:41.639 --> 00:06:44.120
725
+ I'm waiting for
726
+
727
+ 182
728
+ 00:06:44.400 --> 00:06:47.580
729
+ eign how
730
+
731
+ 183
732
+ 00:06:50.520 --> 00:06:53.880
733
+ it's holding up a problem or not a
734
+
735
+ 184
736
+ 00:06:52.500 --> 00:06:56.280
737
+ problem there we go
738
+
739
+ 185
740
+ 00:06:53.880 --> 00:06:58.139
741
+ I'm glad I came here hungry so maybe
742
+
743
+ 186
744
+ 00:06:56.280 --> 00:07:00.900
745
+ that makes me want to attack these more
746
+
747
+ 187
748
+ 00:06:58.139 --> 00:07:02.699
749
+ there I can see it yeah so I'm actually
750
+
751
+ 188
752
+ 00:07:00.900 --> 00:07:04.080
753
+ fascinated by New Zealand's King in the
754
+
755
+ 189
756
+ 00:07:02.699 --> 00:07:05.759
757
+ ring event a single illumination
758
+
759
+ 190
760
+ 00:07:04.080 --> 00:07:07.199
761
+ kickboxing tournament that sounds like
762
+
763
+ 191
764
+ 00:07:05.759 --> 00:07:09.300
765
+ something straight out of a Jean-Claude
766
+
767
+ 192
768
+ 00:07:07.199 --> 00:07:11.160
769
+ Van Damme movie can you pull back the
770
+
771
+ 193
772
+ 00:07:09.300 --> 00:07:12.660
773
+ curtain on what that event is like from
774
+
775
+ 194
776
+ 00:07:11.160 --> 00:07:14.400
777
+ a Fighter's perspective having to go
778
+
779
+ 195
780
+ 00:07:12.660 --> 00:07:16.740
781
+ back to back to back in a matter of
782
+
783
+ 196
784
+ 00:07:14.400 --> 00:07:19.340
785
+ hours for a title very good question
786
+
787
+ 197
788
+ 00:07:16.740 --> 00:07:19.340
789
+ so
790
+
791
+ 198
792
+ 00:07:20.340 --> 00:07:24.000
793
+ um
794
+
795
+ 199
796
+ 00:07:22.440 --> 00:07:25.440
797
+ when you do King in the ring right you
798
+
799
+ 200
800
+ 00:07:24.000 --> 00:07:27.539
801
+ have to fight if you win three times in
802
+
803
+ 201
804
+ 00:07:25.440 --> 00:07:29.460
805
+ one night or if you come second
806
+
807
+ 202
808
+ 00:07:27.539 --> 00:07:30.660
809
+ um when you have one fight even if it's
810
+
811
+ 203
812
+ 00:07:29.460 --> 00:07:33.000
813
+ kickboxing
814
+
815
+ 204
816
+ 00:07:30.660 --> 00:07:35.639
817
+ three minute rounds three rounds after
818
+
819
+ 205
820
+ 00:07:33.000 --> 00:07:38.699
821
+ the fight guess what happens you get an
822
+
823
+ 206
824
+ 00:07:35.639 --> 00:07:41.340
825
+ adrenaline dump okay
826
+
827
+ 207
828
+ 00:07:38.699 --> 00:07:43.080
829
+ so I'm glad I had people in my corner
830
+
831
+ 208
832
+ 00:07:41.340 --> 00:07:44.099
833
+ like Doug mining who's one of our
834
+
835
+ 209
836
+ 00:07:43.080 --> 00:07:46.080
837
+ coaches
838
+
839
+ 210
840
+ 00:07:44.099 --> 00:07:47.940
841
+ shout out to Doug
842
+
843
+ 211
844
+ 00:07:46.080 --> 00:07:49.380
845
+ but one thing he said early on that
846
+
847
+ 212
848
+ 00:07:47.940 --> 00:07:51.120
849
+ night is like you only have one fight
850
+
851
+ 213
852
+ 00:07:49.380 --> 00:07:53.400
853
+ because if you don't get that fight done
854
+
855
+ 214
856
+ 00:07:51.120 --> 00:07:55.139
857
+ they're gonna fight some exist and that
858
+
859
+ 215
860
+ 00:07:53.400 --> 00:07:56.880
861
+ has always stuck with me and
862
+
863
+ 216
864
+ 00:07:55.139 --> 00:07:58.380
865
+ a bunch of flex as well so King of the
866
+
867
+ 217
868
+ 00:07:56.880 --> 00:08:00.180
869
+ Ring I did it
870
+
871
+ 218
872
+ 00:07:58.380 --> 00:08:02.039
873
+ two different weight classes I did it at
874
+
875
+ 219
876
+ 00:08:00.180 --> 00:08:03.539
877
+ my way Cruiserweight and then
878
+
879
+ 220
880
+ 00:08:02.039 --> 00:08:05.580
881
+ heavyweight
882
+
883
+ 221
884
+ 00:08:03.539 --> 00:08:07.199
885
+ and I won it three times so I did that
886
+
887
+ 222
888
+ 00:08:05.580 --> 00:08:08.759
889
+ cruise away twice and I went up to
890
+
891
+ 223
892
+ 00:08:07.199 --> 00:08:10.860
893
+ heavyweight once and I won it as well so
894
+
895
+ 224
896
+ 00:08:08.759 --> 00:08:13.319
897
+ just a little
898
+
899
+ 225
900
+ 00:08:10.860 --> 00:08:15.680
901
+ just so you know know your history know
902
+
903
+ 226
904
+ 00:08:13.319 --> 00:08:19.800
905
+ your history the more you know
906
+
907
+ 227
908
+ 00:08:15.680 --> 00:08:21.419
909
+ [Music]
910
+
911
+ 228
912
+ 00:08:19.800 --> 00:08:24.180
913
+ these are good so far I'm surprised I'm
914
+
915
+ 229
916
+ 00:08:21.419 --> 00:08:26.580
917
+ still waiting for that [ __ ]
918
+
919
+ 230
920
+ 00:08:24.180 --> 00:08:29.940
921
+ okay it's crunchy mm-hmm
922
+
923
+ 231
924
+ 00:08:26.580 --> 00:08:33.409
925
+ hmm she's a squatter
926
+
927
+ 232
928
+ 00:08:29.940 --> 00:08:35.039
929
+ Ed you saw that mm-hmm
930
+
931
+ 233
932
+ 00:08:33.409 --> 00:08:37.260
933
+ [Music]
934
+
935
+ 234
936
+ 00:08:35.039 --> 00:08:39.000
937
+ this is Asian fusion yep
938
+
939
+ 235
940
+ 00:08:37.260 --> 00:08:40.979
941
+ I can taste it I live in China for a bit
942
+
943
+ 236
944
+ 00:08:39.000 --> 00:08:42.719
945
+ I'm not trying to smell
946
+
947
+ 237
948
+ 00:08:40.979 --> 00:08:45.080
949
+ bringing you back what does your
950
+
951
+ 238
952
+ 00:08:42.719 --> 00:08:46.680
953
+ research do you do your research okay
954
+
955
+ 239
956
+ 00:08:45.080 --> 00:08:48.420
957
+ [Music]
958
+
959
+ 240
960
+ 00:08:46.680 --> 00:08:50.339
961
+ you said
962
+
963
+ 241
964
+ 00:08:48.420 --> 00:08:53.399
965
+ did you get hired or did you set this
966
+
967
+ 242
968
+ 00:08:50.339 --> 00:08:54.839
969
+ whole thing up so where's Chris Chris is
970
+
971
+ 243
972
+ 00:08:53.399 --> 00:08:57.600
973
+ the who's who created the show Chris
974
+
975
+ 244
976
+ 00:08:54.839 --> 00:08:59.220
977
+ right there hi Chris good job but
978
+
979
+ 245
980
+ 00:08:57.600 --> 00:09:01.560
981
+ anyways he was looking for somebody to
982
+
983
+ 246
984
+ 00:08:59.220 --> 00:09:02.940
985
+ host it ask me about it and like just
986
+
987
+ 247
988
+ 00:09:01.560 --> 00:09:04.380
989
+ the way he was like well what if we
990
+
991
+ 248
992
+ 00:09:02.940 --> 00:09:05.820
993
+ interview celebrities but have them eat
994
+
995
+ 249
996
+ 00:09:04.380 --> 00:09:07.380
997
+ increasingly spicy chicken wings over
998
+
999
+ 250
1000
+ 00:09:05.820 --> 00:09:09.120
1001
+ the course of the interview as a way to
1002
+
1003
+ 251
1004
+ 00:09:07.380 --> 00:09:11.220
1005
+ break it down genius and that was like a
1006
+
1007
+ 252
1008
+ 00:09:09.120 --> 00:09:12.480
1009
+ Cupid's arrow into my brain yeah fell in
1010
+
1011
+ 253
1012
+ 00:09:11.220 --> 00:09:14.640
1013
+ love with it and here we are eight years
1014
+
1015
+ 254
1016
+ 00:09:12.480 --> 00:09:16.920
1017
+ later is he season 19 doing this [ __ ]
1018
+
1019
+ 255
1020
+ 00:09:14.640 --> 00:09:18.360
1021
+ yeah and that's what I'm saying I'm just
1022
+
1023
+ 256
1024
+ 00:09:16.920 --> 00:09:20.779
1025
+ glad to be finally here because when we
1026
+
1027
+ 257
1028
+ 00:09:18.360 --> 00:09:20.779
1029
+ did it on
1030
+
1031
+ 258
1032
+ 00:09:23.540 --> 00:09:27.420
1033
+ the whole thing interviewing someone and
1034
+
1035
+ 259
1036
+ 00:09:25.740 --> 00:09:29.820
1037
+ making them feel uncomfortable that you
1038
+
1039
+ 260
1040
+ 00:09:27.420 --> 00:09:31.019
1041
+ get the best content out of that this I
1042
+
1043
+ 261
1044
+ 00:09:29.820 --> 00:09:32.220
1045
+ think it's all it's all kind of based
1046
+
1047
+ 262
1048
+ 00:09:31.019 --> 00:09:33.779
1049
+ off this because you have even Colder's
1050
+
1051
+ 263
1052
+ 00:09:32.220 --> 00:09:35.519
1053
+ balls Kevin Hart yeah yeah that's cool
1054
+
1055
+ 264
1056
+ 00:09:33.779 --> 00:09:37.440
1057
+ as well yeah but yeah this I think
1058
+
1059
+ 265
1060
+ 00:09:35.519 --> 00:09:38.820
1061
+ accepted all that yeah yeah well thank
1062
+
1063
+ 266
1064
+ 00:09:37.440 --> 00:09:40.500
1065
+ you for saying that I appreciate that
1066
+
1067
+ 267
1068
+ 00:09:38.820 --> 00:09:42.480
1069
+ and then let me uh pass a compliment to
1070
+
1071
+ 268
1072
+ 00:09:40.500 --> 00:09:44.220
1073
+ you is you can kind of do whatever you
1074
+
1075
+ 269
1076
+ 00:09:42.480 --> 00:09:45.720
1077
+ want like you have like actually good
1078
+
1079
+ 270
1080
+ 00:09:44.220 --> 00:09:46.980
1081
+ YouTube channel you know like you have
1082
+
1083
+ 271
1084
+ 00:09:45.720 --> 00:09:48.480
1085
+ like an actually good YouTube channel
1086
+
1087
+ 272
1088
+ 00:09:46.980 --> 00:09:50.580
1089
+ thank you shout out to my brother David
1090
+
1091
+ 273
1092
+ 00:09:48.480 --> 00:09:52.860
1093
+ freestyle bender on YouTube check it out
1094
+
1095
+ 274
1096
+ 00:09:50.580 --> 00:09:54.180
1097
+ get that Vlog get that plug all right
1098
+
1099
+ 275
1100
+ 00:09:52.860 --> 00:09:55.260
1101
+ Izzy we have a recurring segment on our
1102
+
1103
+ 276
1104
+ 00:09:54.180 --> 00:09:56.459
1105
+ show called explain that gram we're
1106
+
1107
+ 277
1108
+ 00:09:55.260 --> 00:09:58.200
1109
+ doing deep dive on our guest Instagram
1110
+
1111
+ 278
1112
+ 00:09:56.459 --> 00:09:59.700
1113
+ full interesting pictures that need more
1114
+
1115
+ 279
1116
+ 00:09:58.200 --> 00:10:01.380
1117
+ context all right so we'll pull the
1118
+
1119
+ 280
1120
+ 00:09:59.700 --> 00:10:02.530
1121
+ picture up over here on the monitor you
1122
+
1123
+ 281
1124
+ 00:10:01.380 --> 00:10:03.899
1125
+ just tell us the bigger story
1126
+
1127
+ 282
1128
+ 00:10:02.530 --> 00:10:06.140
1129
+ [Music]
1130
+
1131
+ 283
1132
+ 00:10:03.899 --> 00:10:08.580
1133
+ what is the significance of the world
1134
+
1135
+ 284
1136
+ 00:10:06.140 --> 00:10:09.959
1137
+ and is there one in your storied career
1138
+
1139
+ 285
1140
+ 00:10:08.580 --> 00:10:11.459
1141
+ of walk-offs there's the best one by
1142
+
1143
+ 286
1144
+ 00:10:09.959 --> 00:10:12.120
1145
+ Fall classic okay so I explained the
1146
+
1147
+ 287
1148
+ 00:10:11.459 --> 00:10:14.880
1149
+ story
1150
+
1151
+ 288
1152
+ 00:10:12.120 --> 00:10:16.200
1153
+ this show was UFC 243 in Melbourne
1154
+
1155
+ 289
1156
+ 00:10:14.880 --> 00:10:17.700
1157
+ Australia
1158
+
1159
+ 290
1160
+ 00:10:16.200 --> 00:10:18.600
1161
+ it's my second time about to fight a
1162
+
1163
+ 291
1164
+ 00:10:17.700 --> 00:10:21.959
1165
+ Melbourne because the first time was
1166
+
1167
+ 292
1168
+ 00:10:18.600 --> 00:10:21.959
1169
+ Anderson yeah
1170
+
1171
+ 293
1172
+ 00:10:22.560 --> 00:10:25.680
1173
+ and then um
1174
+
1175
+ 294
1176
+ 00:10:24.000 --> 00:10:27.240
1177
+ the first time when I find Anderson I
1178
+
1179
+ 295
1180
+ 00:10:25.680 --> 00:10:28.500
1181
+ remember I told Dana like I want to do a
1182
+
1183
+ 296
1184
+ 00:10:27.240 --> 00:10:29.820
1185
+ you know something for a walk on Dana
1186
+
1187
+ 297
1188
+ 00:10:28.500 --> 00:10:31.380
1189
+ was like nah you know he's not really
1190
+
1191
+ 298
1192
+ 00:10:29.820 --> 00:10:34.260
1193
+ about that kind of [ __ ] and I was like
1194
+
1195
+ 299
1196
+ 00:10:31.380 --> 00:10:35.519
1197
+ whatever then because Robert was meant
1198
+
1199
+ 300
1200
+ 00:10:34.260 --> 00:10:38.160
1201
+ to headline that show I ended up
1202
+
1203
+ 301
1204
+ 00:10:35.519 --> 00:10:40.019
1205
+ headlining it because he called in sick
1206
+
1207
+ 302
1208
+ 00:10:38.160 --> 00:10:43.040
1209
+ and then when it was this time it was me
1210
+
1211
+ 303
1212
+ 00:10:40.019 --> 00:10:43.040
1213
+ versus Robert I was like
1214
+
1215
+ 304
1216
+ 00:10:43.320 --> 00:10:46.440
1217
+ my show
1218
+
1219
+ 305
1220
+ 00:10:44.940 --> 00:10:50.459
1221
+ it's my time
1222
+
1223
+ 306
1224
+ 00:10:46.440 --> 00:10:52.440
1225
+ 57 127 people biggest attendance to date
1226
+
1227
+ 307
1228
+ 00:10:50.459 --> 00:10:54.420
1229
+ so I came out to this track hyped to
1230
+
1231
+ 308
1232
+ 00:10:52.440 --> 00:10:56.760
1233
+ Hype came out with my boys who was
1234
+
1235
+ 309
1236
+ 00:10:54.420 --> 00:10:58.320
1237
+ getting book and it was just it just set
1238
+
1239
+ 310
1240
+ 00:10:56.760 --> 00:11:00.240
1241
+ the tone because I walked into that that
1242
+
1243
+ 311
1244
+ 00:10:58.320 --> 00:11:02.760
1245
+ stage that Arena into the Octagon like a
1246
+
1247
+ 312
1248
+ 00:11:00.240 --> 00:11:05.339
1249
+ king I felt like a God I just and what
1250
+
1251
+ 313
1252
+ 00:11:02.760 --> 00:11:07.500
1253
+ did I do I went in there showed off and
1254
+
1255
+ 314
1256
+ 00:11:05.339 --> 00:11:09.240
1257
+ I showed out and closed the show in a
1258
+
1259
+ 315
1260
+ 00:11:07.500 --> 00:11:10.100
1261
+ beautiful way and not defending my title
1262
+
1263
+ 316
1264
+ 00:11:09.240 --> 00:11:13.279
1265
+ for the first time
1266
+
1267
+ 317
1268
+ 00:11:10.100 --> 00:11:13.279
1269
+ [Music]
1270
+
1271
+ 318
1272
+ 00:11:15.500 --> 00:11:19.740
1273
+ [ __ ] I literally just got chills
1274
+
1275
+ 319
1276
+ 00:11:18.120 --> 00:11:21.300
1277
+ where my family moved to New Zealand
1278
+
1279
+ 320
1280
+ 00:11:19.740 --> 00:11:23.519
1281
+ right
1282
+
1283
+ 321
1284
+ 00:11:21.300 --> 00:11:25.320
1285
+ um I've always said this and I've said
1286
+
1287
+ 322
1288
+ 00:11:23.519 --> 00:11:26.820
1289
+ this at nauseam was part of my story I
1290
+
1291
+ 323
1292
+ 00:11:25.320 --> 00:11:28.320
1293
+ didn't really realize being black was a
1294
+
1295
+ 324
1296
+ 00:11:26.820 --> 00:11:29.700
1297
+ problem until I moved
1298
+
1299
+ 325
1300
+ 00:11:28.320 --> 00:11:30.600
1301
+ into a Western Country in the western
1302
+
1303
+ 326
1304
+ 00:11:29.700 --> 00:11:32.760
1305
+ world
1306
+
1307
+ 327
1308
+ 00:11:30.600 --> 00:11:34.620
1309
+ and people made me feel different for my
1310
+
1311
+ 328
1312
+ 00:11:32.760 --> 00:11:36.240
1313
+ skin color because I I see white people
1314
+
1315
+ 329
1316
+ 00:11:34.620 --> 00:11:37.560
1317
+ in my ear all the time I never I was
1318
+
1319
+ 330
1320
+ 00:11:36.240 --> 00:11:39.540
1321
+ always just fascinated like oh that's
1322
+
1323
+ 331
1324
+ 00:11:37.560 --> 00:11:42.180
1325
+ cool I'll look at your hair you know
1326
+
1327
+ 332
1328
+ 00:11:39.540 --> 00:11:43.560
1329
+ like just you're amazed so some people
1330
+
1331
+ 333
1332
+ 00:11:42.180 --> 00:11:45.360
1333
+ will like that at school with me they're
1334
+
1335
+ 334
1336
+ 00:11:43.560 --> 00:11:47.700
1337
+ like wow you know you've got cool hair
1338
+
1339
+ 335
1340
+ 00:11:45.360 --> 00:11:49.320
1341
+ you know but most people were not they
1342
+
1343
+ 336
1344
+ 00:11:47.700 --> 00:11:50.940
1345
+ were just either
1346
+
1347
+ 337
1348
+ 00:11:49.320 --> 00:11:54.660
1349
+ because I think it's taught racism is
1350
+
1351
+ 338
1352
+ 00:11:50.940 --> 00:11:57.180
1353
+ taught someone it was weird but Nana was
1354
+
1355
+ 339
1356
+ 00:11:54.660 --> 00:11:59.279
1357
+ one of the first people to invite my
1358
+
1359
+ 340
1360
+ 00:11:57.180 --> 00:12:01.200
1361
+ family into her home so this is the
1362
+
1363
+ 341
1364
+ 00:11:59.279 --> 00:12:03.480
1365
+ first time me seeing her in um I think
1366
+
1367
+ 342
1368
+ 00:12:01.200 --> 00:12:05.399
1369
+ over 18 years she's still with it bro
1370
+
1371
+ 343
1372
+ 00:12:03.480 --> 00:12:06.720
1373
+ she still lives by herself she gets
1374
+
1375
+ 344
1376
+ 00:12:05.399 --> 00:12:07.980
1377
+ checked on her stuff but she's always
1378
+
1379
+ 345
1380
+ 00:12:06.720 --> 00:12:10.079
1381
+ just
1382
+
1383
+ 346
1384
+ 00:12:07.980 --> 00:12:11.700
1385
+ she'll wink at you and give you real
1386
+
1387
+ 347
1388
+ 00:12:10.079 --> 00:12:14.279
1389
+ quick quips and she watches the fights
1390
+
1391
+ 348
1392
+ 00:12:11.700 --> 00:12:15.600
1393
+ so Nana I'm okay mwah
1394
+
1395
+ 349
1396
+ 00:12:14.279 --> 00:12:18.779
1397
+ um I should ask your car
1398
+
1399
+ 350
1400
+ 00:12:15.600 --> 00:12:20.820
1401
+ but um yeah uh she's all there with her
1402
+
1403
+ 351
1404
+ 00:12:18.779 --> 00:12:22.200
1405
+ her team of old ladies and they sit
1406
+
1407
+ 352
1408
+ 00:12:20.820 --> 00:12:25.680
1409
+ there and they watch the UFC when I
1410
+
1411
+ 353
1412
+ 00:12:22.200 --> 00:12:27.240
1413
+ fight yeah love that yeah all right are
1414
+
1415
+ 354
1416
+ 00:12:25.680 --> 00:12:28.920
1417
+ you ready to move on here to the back
1418
+
1419
+ 355
1420
+ 00:12:27.240 --> 00:12:30.360
1421
+ half you're doing great I'm waiting for
1422
+
1423
+ 356
1424
+ 00:12:28.920 --> 00:12:32.160
1425
+ the [ __ ] [ __ ]
1426
+
1427
+ 357
1428
+ 00:12:30.360 --> 00:12:35.300
1429
+ I think it might happen here but maybe
1430
+
1431
+ 358
1432
+ 00:12:32.160 --> 00:12:35.300
1433
+ not let's see
1434
+
1435
+ 359
1436
+ 00:12:42.240 --> 00:12:47.279
1437
+ turmeric bomb like I see a bit so this
1438
+
1439
+ 360
1440
+ 00:12:44.880 --> 00:12:48.839
1441
+ is like it's not really oh my God I'm
1442
+
1443
+ 361
1444
+ 00:12:47.279 --> 00:12:49.800
1445
+ gonna die but I can start to feel like
1446
+
1447
+ 362
1448
+ 00:12:48.839 --> 00:12:51.120
1449
+ the
1450
+
1451
+ 363
1452
+ 00:12:49.800 --> 00:12:52.920
1453
+ it's getting moist a little bit yeah
1454
+
1455
+ 364
1456
+ 00:12:51.120 --> 00:12:53.899
1457
+ this is like some physiological effects
1458
+
1459
+ 365
1460
+ 00:12:52.920 --> 00:12:56.339
1461
+ yes
1462
+
1463
+ 366
1464
+ 00:12:53.899 --> 00:12:58.440
1465
+ responding yes
1466
+
1467
+ 367
1468
+ 00:12:56.339 --> 00:13:00.180
1469
+ so you're affection for anime has been a
1470
+
1471
+ 368
1472
+ 00:12:58.440 --> 00:13:02.279
1473
+ theme throughout your career from Death
1474
+
1475
+ 369
1476
+ 00:13:00.180 --> 00:13:04.019
1477
+ Note references in the Octagon to even
1478
+
1479
+ 370
1480
+ 00:13:02.279 --> 00:13:06.180
1481
+ your avatar inspired style Bender
1482
+
1483
+ 371
1484
+ 00:13:04.019 --> 00:13:07.980
1485
+ nickname yeah how would you say being a
1486
+
1487
+ 372
1488
+ 00:13:06.180 --> 00:13:09.180
1489
+ weeaboo has most served you as a mixed
1490
+
1491
+ 373
1492
+ 00:13:07.980 --> 00:13:10.980
1493
+ martial artist
1494
+
1495
+ 374
1496
+ 00:13:09.180 --> 00:13:12.839
1497
+ in so many different ways has just
1498
+
1499
+ 375
1500
+ 00:13:10.980 --> 00:13:14.880
1501
+ helped me tell my own story be the
1502
+
1503
+ 376
1504
+ 00:13:12.839 --> 00:13:16.980
1505
+ protagonist in my own story
1506
+
1507
+ 377
1508
+ 00:13:14.880 --> 00:13:18.839
1509
+ the player one in my game
1510
+
1511
+ 378
1512
+ 00:13:16.980 --> 00:13:21.899
1513
+ like right now okay I've already seen
1514
+
1515
+ 379
1516
+ 00:13:18.839 --> 00:13:24.000
1517
+ the the setup for my next storyline the
1518
+
1519
+ 380
1520
+ 00:13:21.899 --> 00:13:26.040
1521
+ hunter becomes a hunted and certain
1522
+
1523
+ 381
1524
+ 00:13:24.000 --> 00:13:28.560
1525
+ characters and animes as well I draw
1526
+
1527
+ 382
1528
+ 00:13:26.040 --> 00:13:31.500
1529
+ inspiration from like when Guy sensei
1530
+
1531
+ 383
1532
+ 00:13:28.560 --> 00:13:33.600
1533
+ who's Rock Lee's uh Master when he
1534
+
1535
+ 384
1536
+ 00:13:31.500 --> 00:13:35.700
1537
+ opened the eight gate they had a whole
1538
+
1539
+ 385
1540
+ 00:13:33.600 --> 00:13:37.740
1541
+ like I think maybe two episodes telling
1542
+
1543
+ 386
1544
+ 00:13:35.700 --> 00:13:39.540
1545
+ his backstory and when he finally opened
1546
+
1547
+ 387
1548
+ 00:13:37.740 --> 00:13:42.540
1549
+ the eighth gate and he's standing there
1550
+
1551
+ 388
1552
+ 00:13:39.540 --> 00:13:44.040
1553
+ and he's just red and got the flame and
1554
+
1555
+ 389
1556
+ 00:13:42.540 --> 00:13:46.560
1557
+ mother is in front of him at the great
1558
+
1559
+ 390
1560
+ 00:13:44.040 --> 00:13:48.839
1561
+ ninja war I cried actually when that
1562
+
1563
+ 391
1564
+ 00:13:46.560 --> 00:13:50.820
1565
+ moment happened but it was yeah it was
1566
+
1567
+ 392
1568
+ 00:13:48.839 --> 00:13:54.480
1569
+ just inspiring and people say oh
1570
+
1571
+ 393
1572
+ 00:13:50.820 --> 00:13:59.450
1573
+ Route 33 oh [ __ ] hell you
1574
+
1575
+ 394
1576
+ 00:13:54.480 --> 00:14:02.399
1577
+ still trying to rap shut up yeah
1578
+
1579
+ 395
1580
+ 00:13:59.450 --> 00:14:06.079
1581
+ [Music]
1582
+
1583
+ 396
1584
+ 00:14:02.399 --> 00:14:06.079
1585
+ I'm still waiting for the PIN to drop
1586
+
1587
+ 397
1588
+ 00:14:06.180 --> 00:14:09.139
1589
+ ready
1590
+
1591
+ 398
1592
+ 00:14:10.560 --> 00:14:15.660
1593
+ that's it yeah
1594
+
1595
+ 399
1596
+ 00:14:13.139 --> 00:14:18.899
1597
+ uh what's the best how are you feeling
1598
+
1599
+ 400
1600
+ 00:14:15.660 --> 00:14:20.220
1601
+ though so this is where it kind of
1602
+
1603
+ 401
1604
+ 00:14:18.899 --> 00:14:22.139
1605
+ changes for me it's like right now my
1606
+
1607
+ 402
1608
+ 00:14:20.220 --> 00:14:24.120
1609
+ tongue is a little bit on fire my lips
1610
+
1611
+ 403
1612
+ 00:14:22.139 --> 00:14:26.339
1613
+ are numb lips aren't numb but my tongue
1614
+
1615
+ 404
1616
+ 00:14:24.120 --> 00:14:27.899
1617
+ just caught away for that yeah so I
1618
+
1619
+ 405
1620
+ 00:14:26.339 --> 00:14:29.880
1621
+ think what happens is it's like I know
1622
+
1623
+ 406
1624
+ 00:14:27.899 --> 00:14:31.139
1625
+ what to expect same with you probably
1626
+
1627
+ 407
1628
+ 00:14:29.880 --> 00:14:32.639
1629
+ right you know because like you've
1630
+
1631
+ 408
1632
+ 00:14:31.139 --> 00:14:34.260
1633
+ already been there you know so that's
1634
+
1635
+ 409
1636
+ 00:14:32.639 --> 00:14:35.880
1637
+ what I think ends up happening is like I
1638
+
1639
+ 410
1640
+ 00:14:34.260 --> 00:14:38.459
1641
+ know what to expect so I'm never
1642
+
1643
+ 411
1644
+ 00:14:35.880 --> 00:14:41.420
1645
+ panicking yeah but I'm also no superhero
1646
+
1647
+ 412
1648
+ 00:14:38.459 --> 00:14:41.420
1649
+ so I'm feeling this [ __ ]
1650
+
1651
+ 413
1652
+ 00:14:42.139 --> 00:14:45.500
1653
+ [ __ ] psycho
1654
+
1655
+ 414
1656
+ 00:14:46.980 --> 00:14:50.339
1657
+ Financial advice you've ever gotten from
1658
+
1659
+ 415
1660
+ 00:14:48.839 --> 00:14:52.440
1661
+ your father you know it's not every day
1662
+
1663
+ 416
1664
+ 00:14:50.339 --> 00:14:54.360
1665
+ that a big money athlete has the benefit
1666
+
1667
+ 417
1668
+ 00:14:52.440 --> 00:14:57.480
1669
+ of being raised by an accountant yeah
1670
+
1671
+ 418
1672
+ 00:14:54.360 --> 00:15:00.180
1673
+ I'm stubborn so when I was young he was
1674
+
1675
+ 419
1676
+ 00:14:57.480 --> 00:15:02.579
1677
+ trying to get me to I got to get the
1678
+
1679
+ 420
1680
+ 00:15:00.180 --> 00:15:04.320
1681
+ milk yep I'm going in I was waiting for
1682
+
1683
+ 421
1684
+ 00:15:02.579 --> 00:15:07.590
1685
+ you you know Cheers Cheers thanks for
1686
+
1687
+ 422
1688
+ 00:15:04.320 --> 00:15:11.240
1689
+ having me man of course thank you
1690
+
1691
+ 423
1692
+ 00:15:07.590 --> 00:15:15.800
1693
+ [Music]
1694
+
1695
+ 424
1696
+ 00:15:11.240 --> 00:15:15.800
1697
+ I have sweet milk that's actually
1698
+
1699
+ 425
1700
+ 00:15:16.199 --> 00:15:20.940
1701
+ delicious um when I came back from China
1702
+
1703
+ 426
1704
+ 00:15:19.079 --> 00:15:22.560
1705
+ I tried to get me to get a house I'm
1706
+
1707
+ 427
1708
+ 00:15:20.940 --> 00:15:24.720
1709
+ like oh I don't want the responsibility
1710
+
1711
+ 428
1712
+ 00:15:22.560 --> 00:15:25.860
1713
+ of owning a house and blah blah blah I'm
1714
+
1715
+ 429
1716
+ 00:15:24.720 --> 00:15:28.560
1717
+ too young
1718
+
1719
+ 430
1720
+ 00:15:25.860 --> 00:15:31.139
1721
+ stupid lost a lot of money
1722
+
1723
+ 431
1724
+ 00:15:28.560 --> 00:15:33.120
1725
+ eventually when I go to the UFC
1726
+
1727
+ 432
1728
+ 00:15:31.139 --> 00:15:35.040
1729
+ I was like every time I don't listen to
1730
+
1731
+ 433
1732
+ 00:15:33.120 --> 00:15:37.260
1733
+ this man about money
1734
+
1735
+ 434
1736
+ 00:15:35.040 --> 00:15:38.880
1737
+ I end up going broke
1738
+
1739
+ 435
1740
+ 00:15:37.260 --> 00:15:41.100
1741
+ listen to this man
1742
+
1743
+ 436
1744
+ 00:15:38.880 --> 00:15:42.660
1745
+ I listen to my gut as well and each
1746
+
1747
+ 437
1748
+ 00:15:41.100 --> 00:15:44.459
1749
+ every the Box off with me put it that
1750
+
1751
+ 438
1752
+ 00:15:42.660 --> 00:15:46.380
1753
+ way but um yeah I listened to him when
1754
+
1755
+ 439
1756
+ 00:15:44.459 --> 00:15:47.130
1757
+ it comes to money because he he knows
1758
+
1759
+ 440
1760
+ 00:15:46.380 --> 00:15:50.330
1761
+ how money works
1762
+
1763
+ 441
1764
+ 00:15:47.130 --> 00:15:50.330
1765
+ [Music]
1766
+
1767
+ 442
1768
+ 00:15:53.279 --> 00:15:58.880
1769
+ [ __ ] me double
1770
+
1771
+ 443
1772
+ 00:15:56.040 --> 00:15:58.880
1773
+ ready ready
1774
+
1775
+ 444
1776
+ 00:16:02.839 --> 00:16:06.899
1777
+ I think this is where it starts to ah
1778
+
1779
+ 445
1780
+ 00:16:05.519 --> 00:16:10.019
1781
+ yeah
1782
+
1783
+ 446
1784
+ 00:16:06.899 --> 00:16:12.079
1785
+ this is a different yeah
1786
+
1787
+ 447
1788
+ 00:16:10.019 --> 00:16:12.079
1789
+ um
1790
+
1791
+ 448
1792
+ 00:16:16.010 --> 00:16:19.200
1793
+ [Music]
1794
+
1795
+ 449
1796
+ 00:16:19.920 --> 00:16:23.120
1797
+ my precious
1798
+
1799
+ 450
1800
+ 00:16:30.060 --> 00:16:35.480
1801
+ you gotta feel it don't fight it no
1802
+
1803
+ 451
1804
+ 00:16:33.240 --> 00:16:37.800
1805
+ he's rolling it
1806
+
1807
+ 452
1808
+ 00:16:35.480 --> 00:16:39.420
1809
+ oh yeah yeah
1810
+
1811
+ 453
1812
+ 00:16:37.800 --> 00:16:40.920
1813
+ so people that are watching this on
1814
+
1815
+ 454
1816
+ 00:16:39.420 --> 00:16:42.839
1817
+ Thanksgiving are probably just hours
1818
+
1819
+ 455
1820
+ 00:16:40.920 --> 00:16:45.480
1821
+ away from sitting down with a turkey
1822
+
1823
+ 456
1824
+ 00:16:42.839 --> 00:16:47.459
1825
+ macaroni and cheese stuffing family
1826
+
1827
+ 457
1828
+ 00:16:45.480 --> 00:16:49.620
1829
+ beans when you think about a proper
1830
+
1831
+ 458
1832
+ 00:16:47.459 --> 00:16:51.899
1833
+ Nigerian Feast what are some of the
1834
+
1835
+ 459
1836
+ 00:16:49.620 --> 00:16:53.820
1837
+ non-negotiable dishes that have to be on
1838
+
1839
+ 460
1840
+ 00:16:51.899 --> 00:16:56.220
1841
+ your table at the adasanya function oh
1842
+
1843
+ 461
1844
+ 00:16:53.820 --> 00:16:59.540
1845
+ jollof rice standard
1846
+
1847
+ 462
1848
+ 00:16:56.220 --> 00:16:59.540
1849
+ so Nigerian Foods
1850
+
1851
+ 463
1852
+ 00:17:01.500 --> 00:17:04.579
1853
+ gargle a little bit
1854
+
1855
+ 464
1856
+ 00:17:05.699 --> 00:17:08.240
1857
+ smart
1858
+
1859
+ 465
1860
+ 00:17:08.699 --> 00:17:15.240
1861
+ there's levels today oh that's better
1862
+
1863
+ 466
1864
+ 00:17:11.939 --> 00:17:16.799
1865
+ so um like you have the swallows which
1866
+
1867
+ 467
1868
+ 00:17:15.240 --> 00:17:18.600
1869
+ are like the
1870
+
1871
+ 468
1872
+ 00:17:16.799 --> 00:17:19.860
1873
+ it's like a doughy type
1874
+
1875
+ 469
1876
+ 00:17:18.600 --> 00:17:22.740
1877
+ element
1878
+
1879
+ 470
1880
+ 00:17:19.860 --> 00:17:25.579
1881
+ so you might have EBA which is made from
1882
+
1883
+ 471
1884
+ 00:17:22.740 --> 00:17:27.240
1885
+ corn maze you have Amala a pound of yam
1886
+
1887
+ 472
1888
+ 00:17:25.579 --> 00:17:29.100
1889
+ Fufu
1890
+
1891
+ 473
1892
+ 00:17:27.240 --> 00:17:31.620
1893
+ symbol different types
1894
+
1895
+ 474
1896
+ 00:17:29.100 --> 00:17:33.419
1897
+ if you use those you break it off
1898
+
1899
+ 475
1900
+ 00:17:31.620 --> 00:17:35.880
1901
+ and put it in a different type of Stew
1902
+
1903
+ 476
1904
+ 00:17:33.419 --> 00:17:39.299
1905
+ you can have a full re-roll
1906
+
1907
+ 477
1908
+ 00:17:35.880 --> 00:17:42.059
1909
+ on Bono fried stew goat meat stew
1910
+
1911
+ 478
1912
+ 00:17:39.299 --> 00:17:44.220
1913
+ anything and then you
1914
+
1915
+ 479
1916
+ 00:17:42.059 --> 00:17:46.380
1917
+ I feel like this is a thing eating with
1918
+
1919
+ 480
1920
+ 00:17:44.220 --> 00:17:48.000
1921
+ your hands is different
1922
+
1923
+ 481
1924
+ 00:17:46.380 --> 00:17:50.340
1925
+ because we've lost our relationship with
1926
+
1927
+ 482
1928
+ 00:17:48.000 --> 00:17:51.600
1929
+ food yeah I'll eat this at a restaurant
1930
+
1931
+ 483
1932
+ 00:17:50.340 --> 00:17:52.700
1933
+ they'll give me [ __ ] knife I'm like
1934
+
1935
+ 484
1936
+ 00:17:51.600 --> 00:17:55.160
1937
+ the [ __ ] four
1938
+
1939
+ 485
1940
+ 00:17:52.700 --> 00:17:57.419
1941
+ what you want me to do with this
1942
+
1943
+ 486
1944
+ 00:17:55.160 --> 00:18:00.900
1945
+ this is your hands
1946
+
1947
+ 487
1948
+ 00:17:57.419 --> 00:18:03.080
1949
+ I'm the guy Nobu I'll be eating and I'd
1950
+
1951
+ 488
1952
+ 00:18:00.900 --> 00:18:03.080
1953
+ like
1954
+
1955
+ 489
1956
+ 00:18:06.179 --> 00:18:13.260
1957
+ I don't give a [ __ ] tantalizing
1958
+
1959
+ 490
1960
+ 00:18:09.900 --> 00:18:15.600
1961
+ my great guy you're correct guy who told
1962
+
1963
+ 491
1964
+ 00:18:13.260 --> 00:18:17.059
1965
+ you tantalizing you did when oh that's
1966
+
1967
+ 492
1968
+ 00:18:15.600 --> 00:18:21.539
1969
+ right
1970
+
1971
+ 493
1972
+ 00:18:17.059 --> 00:18:22.559
1973
+ quick recall I like that I like that
1974
+
1975
+ 494
1976
+ 00:18:21.539 --> 00:18:25.559
1977
+ um
1978
+
1979
+ 495
1980
+ 00:18:22.559 --> 00:18:28.880
1981
+ tantalizing I guess since my God you get
1982
+
1983
+ 496
1984
+ 00:18:25.559 --> 00:18:28.880
1985
+ sense see now my nose is dribbling
1986
+
1987
+ 497
1988
+ 00:18:29.120 --> 00:18:33.299
1989
+ oh man
1990
+
1991
+ 498
1992
+ 00:18:30.960 --> 00:18:35.290
1993
+ I declare sinuses
1994
+
1995
+ 499
1996
+ 00:18:33.299 --> 00:18:40.520
1997
+ oh I can smell everything
1998
+
1999
+ 500
2000
+ 00:18:35.290 --> 00:18:40.520
2001
+ [Music]
2002
+
2003
+ 501
2004
+ 00:18:44.160 --> 00:18:49.200
2005
+ will peaceful
2006
+
2007
+ 502
2008
+ 00:18:46.860 --> 00:18:51.780
2009
+ the pain is a state of mind
2010
+
2011
+ 503
2012
+ 00:18:49.200 --> 00:18:53.580
2013
+ it only affects you if you let it
2014
+
2015
+ 504
2016
+ 00:18:51.780 --> 00:18:55.919
2017
+ so someone who grew up inspired by
2018
+
2019
+ 505
2020
+ 00:18:53.580 --> 00:18:57.600
2021
+ Shaolin Monks and Bruce Lee is there a
2022
+
2023
+ 506
2024
+ 00:18:55.919 --> 00:19:00.140
2025
+ film that you think best encapsulates
2026
+
2027
+ 507
2028
+ 00:18:57.600 --> 00:19:03.419
2029
+ the experience of being a fighter
2030
+
2031
+ 508
2032
+ 00:19:00.140 --> 00:19:05.100
2033
+ so ungbok was a movie I watched right
2034
+
2035
+ 509
2036
+ 00:19:03.419 --> 00:19:08.760
2037
+ that's a movie that I feel like made
2038
+
2039
+ 510
2040
+ 00:19:05.100 --> 00:19:09.840
2041
+ Muay Thai mainstream to the world excuse
2042
+
2043
+ 511
2044
+ 00:19:08.760 --> 00:19:11.280
2045
+ me
2046
+
2047
+ 512
2048
+ 00:19:09.840 --> 00:19:12.720
2049
+ let's do like a whole segment with all
2050
+
2051
+ 513
2052
+ 00:19:11.280 --> 00:19:14.820
2053
+ my burps just like
2054
+
2055
+ 514
2056
+ 00:19:12.720 --> 00:19:17.820
2057
+ rapid fire yeah he's already given us
2058
+
2059
+ 515
2060
+ 00:19:14.820 --> 00:19:19.860
2061
+ our social Clips you're welcome
2062
+
2063
+ 516
2064
+ 00:19:17.820 --> 00:19:21.960
2065
+ um one of my friends the the Drunken
2066
+
2067
+ 517
2068
+ 00:19:19.860 --> 00:19:25.200
2069
+ Master Jackie Chan that was a good one
2070
+
2071
+ 518
2072
+ 00:19:21.960 --> 00:19:27.059
2073
+ yeah yeah classic funny his movies was
2074
+
2075
+ 519
2076
+ 00:19:25.200 --> 00:19:28.679
2077
+ just like excite me because he he just
2078
+
2079
+ 520
2080
+ 00:19:27.059 --> 00:19:30.539
2081
+ seemed like he didn't want to fight or
2082
+
2083
+ 521
2084
+ 00:19:28.679 --> 00:19:32.280
2085
+ he's having fun doing it yeah he's
2086
+
2087
+ 522
2088
+ 00:19:30.539 --> 00:19:35.700
2089
+ really like funny like his fight scenes
2090
+
2091
+ 523
2092
+ 00:19:32.280 --> 00:19:37.080
2093
+ are like funny exactly like it invokes
2094
+
2095
+ 524
2096
+ 00:19:35.700 --> 00:19:39.360
2097
+ just the right emotion out of me it's
2098
+
2099
+ 525
2100
+ 00:19:37.080 --> 00:19:40.080
2101
+ like I don't want to hurt anymore no
2102
+
2103
+ 526
2104
+ 00:19:39.360 --> 00:19:42.360
2105
+ leave me alone
2106
+
2107
+ 527
2108
+ 00:19:40.080 --> 00:19:45.320
2109
+ [Music]
2110
+
2111
+ 528
2112
+ 00:19:42.360 --> 00:19:45.320
2113
+ no I'm so sorry
2114
+
2115
+ 529
2116
+ 00:19:46.140 --> 00:19:50.580
2117
+ it's crazy and he did all his own stunts
2118
+
2119
+ 530
2120
+ 00:19:48.960 --> 00:19:51.960
2121
+ most of them he was Tom Cruise before
2122
+
2123
+ 531
2124
+ 00:19:50.580 --> 00:19:54.780
2125
+ Tom Cruise
2126
+
2127
+ 532
2128
+ 00:19:51.960 --> 00:19:57.600
2129
+ so what we have to do close things out
2130
+
2131
+ 533
2132
+ 00:19:54.780 --> 00:20:00.080
2133
+ take one thing a spicy Turkey Leg for
2134
+
2135
+ 534
2136
+ 00:19:57.600 --> 00:20:00.080
2137
+ Thanksgiving
2138
+
2139
+ 535
2140
+ 00:20:02.419 --> 00:20:10.679
2141
+ freshly open no fugazi no Fugazi
2142
+
2143
+ 536
2144
+ 00:20:07.679 --> 00:20:10.679
2145
+ foreign
2146
+
2147
+ 537
2148
+ 00:20:12.610 --> 00:20:15.880
2149
+ [Music]
2150
+
2151
+ 538
2152
+ 00:20:21.240 --> 00:20:30.989
2153
+ [Music]
2154
+
2155
+ 539
2156
+ 00:20:32.720 --> 00:20:38.520
2157
+ I'll join you at the party over here
2158
+
2159
+ 540
2160
+ 00:20:36.299 --> 00:20:40.679
2161
+ I'll use let me see I'll use on this
2162
+
2163
+ 541
2164
+ 00:20:38.520 --> 00:20:42.059
2165
+ drumstick how smart I was like gonna be
2166
+
2167
+ 542
2168
+ 00:20:40.679 --> 00:20:44.160
2169
+ like how are we gonna do this
2170
+
2171
+ 543
2172
+ 00:20:42.059 --> 00:20:45.960
2173
+ last time my first rodeo
2174
+
2175
+ 544
2176
+ 00:20:44.160 --> 00:20:48.600
2177
+ I'm telling you I'm from Lagos we're
2178
+
2179
+ 545
2180
+ 00:20:45.960 --> 00:20:49.980
2181
+ very Innovative over there
2182
+
2183
+ 546
2184
+ 00:20:48.600 --> 00:20:52.860
2185
+ just don't open your emails if you get
2186
+
2187
+ 547
2188
+ 00:20:49.980 --> 00:20:55.280
2189
+ it from a Nigerian president I'm joking
2190
+
2191
+ 548
2192
+ 00:20:52.860 --> 00:20:55.280
2193
+ ready
2194
+
2195
+ 549
2196
+ 00:20:55.860 --> 00:21:00.240
2197
+ oh bam
2198
+
2199
+ 550
2200
+ 00:20:58.140 --> 00:21:02.100
2201
+ ah it's hot okay well the temperature
2202
+
2203
+ 551
2204
+ 00:21:00.240 --> 00:21:05.170
2205
+ yeah both huh
2206
+
2207
+ 552
2208
+ 00:21:02.100 --> 00:21:05.170
2209
+ [Music]
2210
+
2211
+ 553
2212
+ 00:21:12.320 --> 00:21:16.679
2213
+ it's actually a really nice truck yeah
2214
+
2215
+ 554
2216
+ 00:21:14.820 --> 00:21:17.840
2217
+ it's actually like a delicious dirt
2218
+
2219
+ 555
2220
+ 00:21:16.679 --> 00:21:20.960
2221
+ right here
2222
+
2223
+ 556
2224
+ 00:21:17.840 --> 00:21:24.720
2225
+ celebrating Thanksgiving how's the bone
2226
+
2227
+ 557
2228
+ 00:21:20.960 --> 00:21:26.940
2229
+ the hot ones way is only we can
2230
+
2231
+ 558
2232
+ 00:21:24.720 --> 00:21:28.799
2233
+ and here we are at the end of our spice
2234
+
2235
+ 559
2236
+ 00:21:26.940 --> 00:21:31.200
2237
+ road closing out another Thanksgiving
2238
+
2239
+ 560
2240
+ 00:21:28.799 --> 00:21:33.299
2241
+ special as your fans know you're an
2242
+
2243
+ 561
2244
+ 00:21:31.200 --> 00:21:35.159
2245
+ incredible and undeniable Talent you're
2246
+
2247
+ 562
2248
+ 00:21:33.299 --> 00:21:36.960
2249
+ pretty crazy yourself Izzy by the way I
2250
+
2251
+ 563
2252
+ 00:21:35.159 --> 00:21:39.179
2253
+ am
2254
+
2255
+ 564
2256
+ 00:21:36.960 --> 00:21:40.440
2257
+ but I was interested to learn that if it
2258
+
2259
+ 565
2260
+ 00:21:39.179 --> 00:21:42.659
2261
+ wasn't for fighting maybe it would have
2262
+
2263
+ 566
2264
+ 00:21:40.440 --> 00:21:44.400
2265
+ been a graphic designer and after your
2266
+
2267
+ 567
2268
+ 00:21:42.659 --> 00:21:46.380
2269
+ post fight career I've heard you dream
2270
+
2271
+ 568
2272
+ 00:21:44.400 --> 00:21:49.200
2273
+ about opening up an animation studio
2274
+
2275
+ 569
2276
+ 00:21:46.380 --> 00:21:51.679
2277
+ yeah so I know that this puts you on the
2278
+
2279
+ 570
2280
+ 00:21:49.200 --> 00:21:55.500
2281
+ spot a little bit but we would be so
2282
+
2283
+ 571
2284
+ 00:21:51.679 --> 00:21:56.700
2285
+ adored I'll do it if you could give us a
2286
+
2287
+ 572
2288
+ 00:21:55.500 --> 00:22:00.589
2289
+ commemorative
2290
+
2291
+ 573
2292
+ 00:21:56.700 --> 00:22:00.589
2293
+ [Music]
2294
+
2295
+ 574
2296
+ 00:22:02.059 --> 00:22:07.320
2297
+ on hot ones okay
2298
+
2299
+ 575
2300
+ 00:22:04.919 --> 00:22:08.580
2301
+ two seconds away to the side I'll put it
2302
+
2303
+ 576
2304
+ 00:22:07.320 --> 00:22:11.580
2305
+ right here
2306
+
2307
+ 577
2308
+ 00:22:08.580 --> 00:22:13.760
2309
+ give me like five minutes sure take your
2310
+
2311
+ 578
2312
+ 00:22:11.580 --> 00:22:13.760
2313
+ time
2314
+
2315
+ 579
2316
+ 00:22:15.940 --> 00:22:19.559
2317
+ [Music]
2318
+
2319
+ 580
2320
+ 00:22:17.820 --> 00:22:22.140
2321
+ music
2322
+
2323
+ 581
2324
+ 00:22:19.559 --> 00:22:24.059
2325
+ player won your own game yeah
2326
+
2327
+ 582
2328
+ 00:22:22.140 --> 00:22:25.679
2329
+ exactly
2330
+
2331
+ 583
2332
+ 00:22:24.059 --> 00:22:26.460
2333
+ I wanted to use there's a stain on the
2334
+
2335
+ 584
2336
+ 00:22:25.679 --> 00:22:28.799
2337
+ thing
2338
+
2339
+ 585
2340
+ 00:22:26.460 --> 00:22:30.360
2341
+ I like yeah I like that there's that
2342
+
2343
+ 586
2344
+ 00:22:28.799 --> 00:22:31.740
2345
+ stain though you know yeah I'm gonna use
2346
+
2347
+ 587
2348
+ 00:22:30.360 --> 00:22:34.620
2349
+ it as a
2350
+
2351
+ 588
2352
+ 00:22:31.740 --> 00:22:37.360
2353
+ as a template
2354
+
2355
+ 589
2356
+ 00:22:34.620 --> 00:22:38.700
2357
+ something nice oh yes there it is
2358
+
2359
+ 590
2360
+ 00:22:37.360 --> 00:22:41.159
2361
+ [Music]
2362
+
2363
+ 591
2364
+ 00:22:38.700 --> 00:22:42.179
2365
+ came to me sometimes you just have to
2366
+
2367
+ 592
2368
+ 00:22:41.159 --> 00:22:45.419
2369
+ let the
2370
+
2371
+ 593
2372
+ 00:22:42.179 --> 00:22:47.280
2373
+ let the universe tell you what to do
2374
+
2375
+ 594
2376
+ 00:22:45.419 --> 00:22:51.799
2377
+ I'll leave it at that it's a quick
2378
+
2379
+ 595
2380
+ 00:22:47.280 --> 00:22:51.799
2381
+ little sketch I can't wait to oh
2382
+
2383
+ 596
2384
+ 00:22:53.520 --> 00:22:59.400
2385
+ not sure what I was expecting but this
2386
+
2387
+ 597
2388
+ 00:22:55.919 --> 00:23:01.460
2389
+ is amazing it's like we have the uh Pico
2390
+
2391
+ 598
2392
+ 00:22:59.400 --> 00:23:05.220
2393
+ cat but I must
2394
+
2395
+ 599
2396
+ 00:23:01.460 --> 00:23:07.980
2397
+ to a full-blown Thanksgiving turkey and
2398
+
2399
+ 600
2400
+ 00:23:05.220 --> 00:23:10.860
2401
+ look at you Israel out of Sanya taking
2402
+
2403
+ 601
2404
+ 00:23:07.980 --> 00:23:13.080
2405
+ on the hot ones Gauntlet body in it like
2406
+
2407
+ 602
2408
+ 00:23:10.860 --> 00:23:15.000
2409
+ a Thanksgiving feast and then giving us
2410
+
2411
+ 603
2412
+ 00:23:13.080 --> 00:23:17.100
2413
+ a masterpiece to Forever hang in the
2414
+
2415
+ 604
2416
+ 00:23:15.000 --> 00:23:18.600
2417
+ museum of Curiosities and now there's
2418
+
2419
+ 605
2420
+ 00:23:17.100 --> 00:23:20.460
2421
+ nothing left to do but roll out the red
2422
+
2423
+ 606
2424
+ 00:23:18.600 --> 00:23:22.140
2425
+ carpet for you this camera this camera
2426
+
2427
+ 607
2428
+ 00:23:20.460 --> 00:23:24.299
2429
+ this camera let the people know what you
2430
+
2431
+ 608
2432
+ 00:23:22.140 --> 00:23:25.380
2433
+ have going on in your life now for the
2434
+
2435
+ 609
2436
+ 00:23:24.299 --> 00:23:27.000
2437
+ first time in a long time I'm going to
2438
+
2439
+ 610
2440
+ 00:23:25.380 --> 00:23:29.940
2441
+ enjoy Christmas for my family properly
2442
+
2443
+ 611
2444
+ 00:23:27.000 --> 00:23:31.799
2445
+ all of us together and New Year's
2446
+
2447
+ 612
2448
+ 00:23:29.940 --> 00:23:33.380
2449
+ actually celebrate with a whole
2450
+
2451
+ 613
2452
+ 00:23:31.799 --> 00:23:36.059
2453
+ countdown and everything
2454
+
2455
+ 614
2456
+ 00:23:33.380 --> 00:23:37.500
2457
+ and pretty much just enjoy life it's
2458
+
2459
+ 615
2460
+ 00:23:36.059 --> 00:23:39.240
2461
+ more to life than fighting I love this
2462
+
2463
+ 616
2464
+ 00:23:37.500 --> 00:23:41.039
2465
+ game I'm still a Savage in this Beast
2466
+
2467
+ 617
2468
+ 00:23:39.240 --> 00:23:43.799
2469
+ I'm coming back for everything like I
2470
+
2471
+ 618
2472
+ 00:23:41.039 --> 00:23:45.900
2473
+ said the hunter becomes a hunted but you
2474
+
2475
+ 619
2476
+ 00:23:43.799 --> 00:23:47.220
2477
+ have to enjoy life because there's more
2478
+
2479
+ 620
2480
+ 00:23:45.900 --> 00:23:48.480
2481
+ to life than fighting and there's more
2482
+
2483
+ 621
2484
+ 00:23:47.220 --> 00:23:50.520
2485
+ to life than whatever you're doing so
2486
+
2487
+ 622
2488
+ 00:23:48.480 --> 00:23:51.539
2489
+ yeah right now it's time to smell the
2490
+
2491
+ 623
2492
+ 00:23:50.520 --> 00:23:53.400
2493
+ roses
2494
+
2495
+ 624
2496
+ 00:23:51.539 --> 00:23:55.500
2497
+ and then eventually the warrior will get
2498
+
2499
+ 625
2500
+ 00:23:53.400 --> 00:23:58.280
2501
+ back in the garden
2502
+
2503
+ 626
2504
+ 00:23:55.500 --> 00:23:58.280
2505
+ thank you
2506
+
2507
+ 627
2508
+ 00:24:01.450 --> 00:24:04.799
2509
+ [Applause]
2510
+
2511
+ 628
2512
+ 00:24:03.000 --> 00:24:08.039
2513
+ so good
2514
+
2515
+ 629
2516
+ 00:24:04.799 --> 00:24:10.380
2517
+ Let It Go no I won't you did so good
2518
+
2519
+ 630
2520
+ 00:24:08.039 --> 00:24:12.120
2521
+ thank you this is going to be you had a
2522
+
2523
+ 631
2524
+ 00:24:10.380 --> 00:24:14.159
2525
+ good time yeah [ __ ] yeah man you made it
2526
+
2527
+ 632
2528
+ 00:24:12.120 --> 00:24:16.500
2529
+ so easy oh you got Savage and my
2530
+
2531
+ 633
2532
+ 00:24:14.159 --> 00:24:18.780
2533
+ tongue's not burning anymore we cared we
2534
+
2535
+ 634
2536
+ 00:24:16.500 --> 00:24:21.140
2537
+ fixed it we fixed it easy I'll take a
2538
+
2539
+ 635
2540
+ 00:24:18.780 --> 00:24:21.140
2541
+ picture of this
2542
+
2543
+ 636
2544
+ 00:24:28.200 --> 00:24:31.740
2545
+ hey what's going on hot ones fans thank
2546
+
2547
+ 637
2548
+ 00:24:30.179 --> 00:24:33.840
2549
+ you so much for watching today's episode
2550
+
2551
+ 638
2552
+ 00:24:31.740 --> 00:24:35.760
2553
+ and I have an important announcement to
2554
+
2555
+ 639
2556
+ 00:24:33.840 --> 00:24:37.620
2557
+ all the mini spice Lords out there and
2558
+
2559
+ 640
2560
+ 00:24:35.760 --> 00:24:39.960
2561
+ those of us who like to just dabble on
2562
+
2563
+ 641
2564
+ 00:24:37.620 --> 00:24:42.179
2565
+ the fringes of spiced them say hello to
2566
+
2567
+ 642
2568
+ 00:24:39.960 --> 00:24:44.820
2569
+ our newest flavor from hot ones Jr it's
2570
+
2571
+ 643
2572
+ 00:24:42.179 --> 00:24:46.860
2573
+ the red the red takes things up a notch
2574
+
2575
+ 644
2576
+ 00:24:44.820 --> 00:24:48.539
2577
+ with ghost pepper and red carrot it
2578
+
2579
+ 645
2580
+ 00:24:46.860 --> 00:24:50.820
2581
+ brings a warming Zing to all of your
2582
+
2583
+ 646
2584
+ 00:24:48.539 --> 00:24:53.100
2585
+ favorite foods try it on gooey mac and
2586
+
2587
+ 647
2588
+ 00:24:50.820 --> 00:24:54.960
2589
+ cheese this winter and thank me later to
2590
+
2591
+ 648
2592
+ 00:24:53.100 --> 00:24:57.360
2593
+ get your hands on the hot ones junior
2594
+
2595
+ 649
2596
+ 00:24:54.960 --> 00:25:00.299
2597
+ family of sauces visit heatness.com
2598
+
2599
+ 650
2600
+ 00:24:57.360 --> 00:25:04.640
2601
+ that's heatness.com heatness.com red
2602
+
2603
+ 651
2604
+ 00:25:00.299 --> 00:25:04.640
2605
+ light yellow light green light go now
2606
+
transcripts/5.vtt ADDED
@@ -0,0 +1,2346 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.599 --> 00:00:05.130
5
+ Vale is last words before she died on
6
+
7
+ 2
8
+ 00:00:03.600 --> 00:00:12.780
9
+ the hot one show was
10
+
11
+ 3
12
+ 00:00:05.130 --> 00:00:14.519
13
+ [Music]
14
+
15
+ 4
16
+ 00:00:12.780 --> 00:00:16.080
17
+ hey what's going on everybody for first
18
+
19
+ 5
20
+ 00:00:14.519 --> 00:00:17.820
21
+ week Feast I'm Sean Evans and you're
22
+
23
+ 6
24
+ 00:00:16.080 --> 00:00:19.440
25
+ watching hot ones it's the show with hot
26
+
27
+ 7
28
+ 00:00:17.820 --> 00:00:21.539
29
+ questions and even hotter wings and
30
+
31
+ 8
32
+ 00:00:19.440 --> 00:00:23.100
33
+ today we're joined by Viola Davis she's
34
+
35
+ 9
36
+ 00:00:21.539 --> 00:00:25.080
37
+ one of the most decorated actors of the
38
+
39
+ 10
40
+ 00:00:23.100 --> 00:00:26.340
41
+ 21st century from the Broadway stage to
42
+
43
+ 11
44
+ 00:00:25.080 --> 00:00:28.680
45
+ Emmy an academy award-winning
46
+
47
+ 12
48
+ 00:00:26.340 --> 00:00:30.119
49
+ performances and TV and film her Memoir
50
+
51
+ 13
52
+ 00:00:28.680 --> 00:00:31.679
53
+ of Finding Me topped the best sellers
54
+
55
+ 14
56
+ 00:00:30.119 --> 00:00:33.420
57
+ list earlier this year and she has a
58
+
59
+ 15
60
+ 00:00:31.679 --> 00:00:35.280
61
+ brand new film on the way as well the
62
+
63
+ 16
64
+ 00:00:33.420 --> 00:00:37.500
65
+ historical epic the woman King which is
66
+
67
+ 17
68
+ 00:00:35.280 --> 00:00:39.960
69
+ in theaters now Viola Davis welcome to
70
+
71
+ 18
72
+ 00:00:37.500 --> 00:00:42.420
73
+ the show thank you how are you around
74
+
75
+ 19
76
+ 00:00:39.960 --> 00:00:45.000
77
+ spicy food before we get started you
78
+
79
+ 20
80
+ 00:00:42.420 --> 00:00:47.160
81
+ know I I grew up around spicy food South
82
+
83
+ 21
84
+ 00:00:45.000 --> 00:00:50.640
85
+ Carolina you know you can't get hot
86
+
87
+ 22
88
+ 00:00:47.160 --> 00:00:53.160
89
+ enough but you know as I've aged
90
+
91
+ 23
92
+ 00:00:50.640 --> 00:00:56.420
93
+ some things going on my digestive system
94
+
95
+ 24
96
+ 00:00:53.160 --> 00:00:59.799
97
+ but I'm I'm I'm hopeful
98
+
99
+ 25
100
+ 00:00:56.420 --> 00:00:59.799
101
+ [Music]
102
+
103
+ 26
104
+ 00:01:03.200 --> 00:01:09.569
105
+ [Music]
106
+
107
+ 27
108
+ 00:01:13.200 --> 00:01:15.860
109
+ okay
110
+
111
+ 28
112
+ 00:01:20.210 --> 00:01:25.740
113
+ [Music]
114
+
115
+ 29
116
+ 00:01:21.540 --> 00:01:28.439
117
+ oh my God is that a good look oh my God
118
+
119
+ 30
120
+ 00:01:25.740 --> 00:01:31.200
121
+ oh my goodness okay I'm I should Pace
122
+
123
+ 31
124
+ 00:01:28.439 --> 00:01:32.340
125
+ myself but this is so good
126
+
127
+ 32
128
+ 00:01:31.200 --> 00:01:36.380
129
+ um
130
+
131
+ 33
132
+ 00:01:32.340 --> 00:01:39.680
133
+ oh my goodness just one more mm-hmm
134
+
135
+ 34
136
+ 00:01:36.380 --> 00:01:39.680
137
+ oh my God
138
+
139
+ 35
140
+ 00:01:43.200 --> 00:01:46.979
141
+ so the woman King which you've described
142
+
143
+ 36
144
+ 00:01:44.820 --> 00:01:49.200
145
+ as a black female-led Braveheart tells
146
+
147
+ 37
148
+ 00:01:46.979 --> 00:01:51.299
149
+ the story of an all-woman Warrior Army
150
+
151
+ 38
152
+ 00:01:49.200 --> 00:01:53.700
153
+ that fought to defend Africa's the homie
154
+
155
+ 39
156
+ 00:01:51.299 --> 00:01:55.079
157
+ Kingdom in the 19th century how do you
158
+
159
+ 40
160
+ 00:01:53.700 --> 00:01:57.540
161
+ break down the mechanics of shooting
162
+
163
+ 41
164
+ 00:01:55.079 --> 00:01:59.100
165
+ epic battle scenes at the size and scale
166
+
167
+ 42
168
+ 00:01:57.540 --> 00:02:01.200
169
+ that you see in this film like when you
170
+
171
+ 43
172
+ 00:01:59.100 --> 00:02:03.000
173
+ have hundreds and hundreds of extras on
174
+
175
+ 44
176
+ 00:02:01.200 --> 00:02:04.680
177
+ set what is the atmosphere or
178
+
179
+ 45
180
+ 00:02:03.000 --> 00:02:06.840
181
+ environment like in the moments leading
182
+
183
+ 46
184
+ 00:02:04.680 --> 00:02:08.759
185
+ up to the director saying action the
186
+
187
+ 47
188
+ 00:02:06.840 --> 00:02:09.899
189
+ environment is just complete and total
190
+
191
+ 48
192
+ 00:02:08.759 --> 00:02:12.120
193
+ fear
194
+
195
+ 49
196
+ 00:02:09.899 --> 00:02:13.860
197
+ like when we shot the first Village rage
198
+
199
+ 50
200
+ 00:02:12.120 --> 00:02:15.540
201
+ scene that's what it's called it was two
202
+
203
+ 51
204
+ 00:02:13.860 --> 00:02:16.580
205
+ o'clock in the morning okay no I'm at
206
+
207
+ 52
208
+ 00:02:15.540 --> 00:02:19.340
209
+ the bone
210
+
211
+ 53
212
+ 00:02:16.580 --> 00:02:23.340
213
+ I'm just gonna suck it off
214
+
215
+ 54
216
+ 00:02:19.340 --> 00:02:24.959
217
+ there you go I'm in with you so
218
+
219
+ 55
220
+ 00:02:23.340 --> 00:02:27.540
221
+ it's fear
222
+
223
+ 56
224
+ 00:02:24.959 --> 00:02:29.040
225
+ because you have to like toss 200 and
226
+
227
+ 57
228
+ 00:02:27.540 --> 00:02:31.800
229
+ something pound of them
230
+
231
+ 58
232
+ 00:02:29.040 --> 00:02:34.319
233
+ over your shoulder you're with you know
234
+
235
+ 59
236
+ 00:02:31.800 --> 00:02:37.560
237
+ swords you're trying not to get hurt
238
+
239
+ 60
240
+ 00:02:34.319 --> 00:02:41.280
241
+ we train five hours a day wow and we did
242
+
243
+ 61
244
+ 00:02:37.560 --> 00:02:45.720
245
+ all the stunts ourselves no CGI it was
246
+
247
+ 62
248
+ 00:02:41.280 --> 00:02:48.000
249
+ all us and sprinting at 9.410
250
+
251
+ 63
252
+ 00:02:45.720 --> 00:02:50.519
253
+ on a treadmill by the way and did I tell
254
+
255
+ 64
256
+ 00:02:48.000 --> 00:02:52.739
257
+ you I'm over 50. impressive you know
258
+
259
+ 65
260
+ 00:02:50.519 --> 00:02:55.019
261
+ once you get up there in the heart rate
262
+
263
+ 66
264
+ 00:02:52.739 --> 00:02:57.239
265
+ you lose oxygen and the fact that I'm
266
+
267
+ 67
268
+ 00:02:55.019 --> 00:02:59.940
269
+ sitting here right now eating hot wings
270
+
271
+ 68
272
+ 00:02:57.239 --> 00:03:01.450
273
+ and I'm still alive is a testament to
274
+
275
+ 69
276
+ 00:02:59.940 --> 00:03:02.760
277
+ the training of this movie
278
+
279
+ 70
280
+ 00:03:01.450 --> 00:03:05.760
281
+ [Music]
282
+
283
+ 71
284
+ 00:03:02.760 --> 00:03:05.760
285
+ foreign
286
+
287
+ 72
288
+ 00:03:12.110 --> 00:03:15.219
289
+ [Music]
290
+
291
+ 73
292
+ 00:03:17.659 --> 00:03:21.840
293
+ bar I'm afraid I'm gonna disappoint you
294
+
295
+ 74
296
+ 00:03:20.040 --> 00:03:24.540
297
+ further down the line you know
298
+
299
+ 75
300
+ 00:03:21.840 --> 00:03:26.280
301
+ you're not disappointing me so far sir I
302
+
303
+ 76
304
+ 00:03:24.540 --> 00:03:27.060
305
+ love that I love that
306
+
307
+ 77
308
+ 00:03:26.280 --> 00:03:29.159
309
+ um
310
+
311
+ 78
312
+ 00:03:27.060 --> 00:03:31.260
313
+ so in your Memoir finding me you tell a
314
+
315
+ 79
316
+ 00:03:29.159 --> 00:03:33.420
317
+ story about auditioning at Juilliard and
318
+
319
+ 80
320
+ 00:03:31.260 --> 00:03:36.180
321
+ jeans and a sweater while other hopefuls
322
+
323
+ 81
324
+ 00:03:33.420 --> 00:03:37.800
325
+ practice yoga poses and did ballet and
326
+
327
+ 82
328
+ 00:03:36.180 --> 00:03:40.200
329
+ Fitz Morris work while they waited
330
+
331
+ 83
332
+ 00:03:37.800 --> 00:03:41.940
333
+ thinking back on those days what's an
334
+
335
+ 84
336
+ 00:03:40.200 --> 00:03:43.680
337
+ acting exercise or warm-up technique
338
+
339
+ 85
340
+ 00:03:41.940 --> 00:03:45.299
341
+ that you found to be actually helpful
342
+
343
+ 86
344
+ 00:03:43.680 --> 00:03:46.620
345
+ and then can you give us another one
346
+
347
+ 87
348
+ 00:03:45.299 --> 00:03:49.019
349
+ that stands out in your mind because
350
+
351
+ 88
352
+ 00:03:46.620 --> 00:03:52.019
353
+ it's just you know kind of silly um
354
+
355
+ 89
356
+ 00:03:49.019 --> 00:03:55.379
357
+ an acting exercise that's really helpful
358
+
359
+ 90
360
+ 00:03:52.019 --> 00:03:57.420
361
+ is a breathing exercise where
362
+
363
+ 91
364
+ 00:03:55.379 --> 00:03:59.940
365
+ you take a deep breath from your
366
+
367
+ 92
368
+ 00:03:57.420 --> 00:04:02.640
369
+ diaphragm and you sing a song like happy
370
+
371
+ 93
372
+ 00:03:59.940 --> 00:04:06.780
373
+ birthday like but you take it syllable
374
+
375
+ 94
376
+ 00:04:02.640 --> 00:04:10.280
377
+ by syllable so say you take a breath
378
+
379
+ 95
380
+ 00:04:06.780 --> 00:04:10.280
381
+ and then you really release
382
+
383
+ 96
384
+ 00:04:10.459 --> 00:04:15.480
385
+ and you just let it all go take another
386
+
387
+ 97
388
+ 00:04:13.560 --> 00:04:17.940
389
+ breath
390
+
391
+ 98
392
+ 00:04:15.480 --> 00:04:21.299
393
+ and by the end you're either laughing
394
+
395
+ 99
396
+ 00:04:17.940 --> 00:04:23.639
397
+ crying both you're hyperventilating but
398
+
399
+ 100
400
+ 00:04:21.299 --> 00:04:27.419
401
+ the reason why it's helpful is because
402
+
403
+ 101
404
+ 00:04:23.639 --> 00:04:30.660
405
+ it accesses your emotions
406
+
407
+ 102
408
+ 00:04:27.419 --> 00:04:33.840
409
+ so I like that exercise a lot of the
410
+
411
+ 103
412
+ 00:04:30.660 --> 00:04:35.639
413
+ rest put me right the damn sleep like
414
+
415
+ 104
416
+ 00:04:33.840 --> 00:04:37.979
417
+ when you have to lay on the floor and
418
+
419
+ 105
420
+ 00:04:35.639 --> 00:04:40.440
421
+ imagine yourself as an animal and all of
422
+
423
+ 106
424
+ 00:04:37.979 --> 00:04:43.199
425
+ that remember the first time I did that
426
+
427
+ 107
428
+ 00:04:40.440 --> 00:04:46.320
429
+ in class this is at Juilliard and I
430
+
431
+ 108
432
+ 00:04:43.199 --> 00:04:49.380
433
+ think they said imagine that you're a
434
+
435
+ 109
436
+ 00:04:46.320 --> 00:04:52.800
437
+ cloud but I fell asleep during the damn
438
+
439
+ 110
440
+ 00:04:49.380 --> 00:04:56.400
441
+ exercise so then I woke up and I thought
442
+
443
+ 111
444
+ 00:04:52.800 --> 00:04:58.800
445
+ that they said imagine you're a plow
446
+
447
+ 112
448
+ 00:04:56.400 --> 00:05:00.660
449
+ so then I woke up and everybody's like
450
+
451
+ 113
452
+ 00:04:58.800 --> 00:05:04.380
453
+ floating and floating I'm like that
454
+
455
+ 114
456
+ 00:05:00.660 --> 00:05:06.840
457
+ doesn't look like a a a plow so I I
458
+
459
+ 115
460
+ 00:05:04.380 --> 00:05:10.440
461
+ started pretending I was a plow so I was
462
+
463
+ 116
464
+ 00:05:06.840 --> 00:05:13.440
465
+ crawling around my all fours going
466
+
467
+ 117
468
+ 00:05:10.440 --> 00:05:13.440
469
+ laughs
470
+
471
+ 118
472
+ 00:05:13.680 --> 00:05:19.040
473
+ and I remember the teacher coming up to
474
+
475
+ 119
476
+ 00:05:15.479 --> 00:05:19.040
477
+ me and saying okay
478
+
479
+ 120
480
+ 00:05:19.740 --> 00:05:24.180
481
+ okay
482
+
483
+ 121
484
+ 00:05:21.740 --> 00:05:25.740
485
+ this is interesting just keep working on
486
+
487
+ 122
488
+ 00:05:24.180 --> 00:05:28.820
489
+ it though okay just keep working on it
490
+
491
+ 123
492
+ 00:05:25.740 --> 00:05:28.820
493
+ was like oh okay
494
+
495
+ 124
496
+ 00:05:30.500 --> 00:05:35.900
497
+ tell the friends of them I don't know
498
+
499
+ 125
500
+ 00:05:32.940 --> 00:05:35.900
501
+ you know yeah
502
+
503
+ 126
504
+ 00:05:38.960 --> 00:05:43.919
505
+ I'm telling you I'm buying the odds
506
+
507
+ 127
508
+ 00:05:42.120 --> 00:05:46.919
509
+ right now
510
+
511
+ 128
512
+ 00:05:43.919 --> 00:05:46.919
513
+ foreign
514
+
515
+ 129
516
+ 00:05:47.280 --> 00:05:51.960
517
+ [Music]
518
+
519
+ 130
520
+ 00:05:48.919 --> 00:05:53.759
521
+ I love this one I love this one this is
522
+
523
+ 131
524
+ 00:05:51.960 --> 00:05:55.199
525
+ so good
526
+
527
+ 132
528
+ 00:05:53.759 --> 00:05:57.180
529
+ so I want to stay on the topic of
530
+
531
+ 133
532
+ 00:05:55.199 --> 00:05:58.919
533
+ theater because when we had Kevin Bacon
534
+
535
+ 134
536
+ 00:05:57.180 --> 00:06:00.180
537
+ on the show he talked about his time at
538
+
539
+ 135
540
+ 00:05:58.919 --> 00:06:01.800
541
+ the Circle in the Square Theater which
542
+
543
+ 136
544
+ 00:06:00.180 --> 00:06:03.840
545
+ is a place that I know that you likewise
546
+
547
+ 137
548
+ 00:06:01.800 --> 00:06:05.340
549
+ thrived what is the difference in the
550
+
551
+ 138
552
+ 00:06:03.840 --> 00:06:07.440
553
+ kind of training that you get there
554
+
555
+ 139
556
+ 00:06:05.340 --> 00:06:09.360
557
+ compared to like a prestigious
558
+
559
+ 140
560
+ 00:06:07.440 --> 00:06:12.180
561
+ Conservatory like Juilliard
562
+
563
+ 141
564
+ 00:06:09.360 --> 00:06:16.139
565
+ Circle in the Square was more about you
566
+
567
+ 142
568
+ 00:06:12.180 --> 00:06:19.100
569
+ being honest tapping into your emotion
570
+
571
+ 143
572
+ 00:06:16.139 --> 00:06:22.580
573
+ tapping into the moment you know and
574
+
575
+ 144
576
+ 00:06:19.100 --> 00:06:25.800
577
+ Juilliard was more about technique voice
578
+
579
+ 145
580
+ 00:06:22.580 --> 00:06:28.199
581
+ speech breathing
582
+
583
+ 146
584
+ 00:06:25.800 --> 00:06:31.080
585
+ staying then
586
+
587
+ 147
588
+ 00:06:28.199 --> 00:06:33.360
589
+ um but Juilliard was helpful I feel like
590
+
591
+ 148
592
+ 00:06:31.080 --> 00:06:35.220
593
+ I give Juilliard a bad rap a lot of
594
+
595
+ 149
596
+ 00:06:33.360 --> 00:06:39.360
597
+ times I'm surprised they haven't called
598
+
599
+ 150
600
+ 00:06:35.220 --> 00:06:39.360
601
+ me but but
602
+
603
+ 151
604
+ 00:06:40.259 --> 00:06:44.100
605
+ um that was a difference
606
+
607
+ 152
608
+ 00:06:42.300 --> 00:06:46.139
609
+ from your one woman show where you did
610
+
611
+ 153
612
+ 00:06:44.100 --> 00:06:49.259
613
+ 17 different characters to early
614
+
615
+ 154
616
+ 00:06:46.139 --> 00:06:51.300
617
+ Renditions of hot out Baltimore Romeo
618
+
619
+ 155
620
+ 00:06:49.259 --> 00:06:53.400
621
+ and Juliet is there a student production
622
+
623
+ 156
624
+ 00:06:51.300 --> 00:06:55.500
625
+ that you think disproportionately shaped
626
+
627
+ 157
628
+ 00:06:53.400 --> 00:06:58.919
629
+ your ethos as an actor
630
+
631
+ 158
632
+ 00:06:55.500 --> 00:07:01.199
633
+ the one-woman show definitely
634
+
635
+ 159
636
+ 00:06:58.919 --> 00:07:03.360
637
+ it really shaped me because
638
+
639
+ 160
640
+ 00:07:01.199 --> 00:07:06.120
641
+ there's nothing like being on stage by
642
+
643
+ 161
644
+ 00:07:03.360 --> 00:07:08.460
645
+ yourself there's no one to sort of save
646
+
647
+ 162
648
+ 00:07:06.120 --> 00:07:11.160
649
+ you there's no one to bounce off of
650
+
651
+ 163
652
+ 00:07:08.460 --> 00:07:12.000
653
+ except the audience and
654
+
655
+ 164
656
+ 00:07:11.160 --> 00:07:14.539
657
+ um
658
+
659
+ 165
660
+ 00:07:12.000 --> 00:07:18.600
661
+ I just thought I was badass back then
662
+
663
+ 166
664
+ 00:07:14.539 --> 00:07:21.720
665
+ you know nothing had broken me down yet
666
+
667
+ 167
668
+ 00:07:18.600 --> 00:07:24.060
669
+ I thought I was like really slick to
670
+
671
+ 168
672
+ 00:07:21.720 --> 00:07:26.460
673
+ just be this one actor just performing
674
+
675
+ 169
676
+ 00:07:24.060 --> 00:07:28.620
677
+ all these characters gotta always got a
678
+
679
+ 170
680
+ 00:07:26.460 --> 00:07:30.720
681
+ standing ovation I thought that was it
682
+
683
+ 171
684
+ 00:07:28.620 --> 00:07:32.819
685
+ you know well I've got news for you
686
+
687
+ 172
688
+ 00:07:30.720 --> 00:07:34.620
689
+ Viola's still a badass look at you
690
+
691
+ 173
692
+ 00:07:32.819 --> 00:07:36.840
693
+ taking on this hot ones Gauntlet
694
+
695
+ 174
696
+ 00:07:34.620 --> 00:07:39.000
697
+ crushing it taking everything down to
698
+
699
+ 175
700
+ 00:07:36.840 --> 00:07:42.539
701
+ the bone are you ready to move on here
702
+
703
+ 176
704
+ 00:07:39.000 --> 00:07:45.080
705
+ to Sauce number four already yes I am I
706
+
707
+ 177
708
+ 00:07:42.539 --> 00:07:45.080
709
+ can see it
710
+
711
+ 178
712
+ 00:07:47.160 --> 00:07:51.440
713
+ thank you
714
+
715
+ 179
716
+ 00:07:47.800 --> 00:07:54.419
717
+ [Music]
718
+
719
+ 180
720
+ 00:07:51.440 --> 00:07:56.639
721
+ oh my God
722
+
723
+ 181
724
+ 00:07:54.419 --> 00:07:57.680
725
+ oh my god did I tell you that back in
726
+
727
+ 182
728
+ 00:07:56.639 --> 00:08:00.960
729
+ the day
730
+
731
+ 183
732
+ 00:07:57.680 --> 00:08:02.580
733
+ my husband's ex-football player they
734
+
735
+ 184
736
+ 00:08:00.960 --> 00:08:04.440
737
+ call him headache ball
738
+
739
+ 185
740
+ 00:08:02.580 --> 00:08:06.419
741
+ because he could just because he said I
742
+
743
+ 186
744
+ 00:08:04.440 --> 00:08:08.639
745
+ could rattle somebody's helmet for you
746
+
747
+ 187
748
+ 00:08:06.419 --> 00:08:10.740
749
+ as soon as I you do because if you kill
750
+
751
+ 188
752
+ 00:08:08.639 --> 00:08:13.199
753
+ the head the body will die he was a
754
+
755
+ 189
756
+ 00:08:10.740 --> 00:08:14.580
757
+ linebacker and he said he would eat a
758
+
759
+ 190
760
+ 00:08:13.199 --> 00:08:18.240
761
+ dozen eggs
762
+
763
+ 191
764
+ 00:08:14.580 --> 00:08:21.900
765
+ you know whole package of bacon
766
+
767
+ 192
768
+ 00:08:18.240 --> 00:08:25.080
769
+ just to get big he had a 52 inch chest
770
+
771
+ 193
772
+ 00:08:21.900 --> 00:08:28.199
773
+ and I said Julius
774
+
775
+ 194
776
+ 00:08:25.080 --> 00:08:30.919
777
+ I could have out eaten you back
778
+
779
+ 195
780
+ 00:08:28.199 --> 00:08:35.000
781
+ so that's what I say to you I now eat
782
+
783
+ 196
784
+ 00:08:30.919 --> 00:08:35.000
785
+ no arguments from this side yeah
786
+
787
+ 197
788
+ 00:08:35.039 --> 00:08:38.520
789
+ what would you say is the biggest
790
+
791
+ 198
792
+ 00:08:36.300 --> 00:08:40.020
793
+ difference between like a great TV show
794
+
795
+ 199
796
+ 00:08:38.520 --> 00:08:41.940
797
+ runner and then like a great film
798
+
799
+ 200
800
+ 00:08:40.020 --> 00:08:44.279
801
+ director
802
+
803
+ 201
804
+ 00:08:41.940 --> 00:08:46.880
805
+ this is just my opinion now butterfly
806
+
807
+ 202
808
+ 00:08:44.279 --> 00:08:46.880
809
+ Let it Fly
810
+
811
+ 203
812
+ 00:08:54.480 --> 00:08:59.220
813
+ um
814
+
815
+ 204
816
+ 00:08:55.440 --> 00:09:02.040
817
+ a great showrunner is going to lead the
818
+
819
+ 205
820
+ 00:08:59.220 --> 00:09:03.180
821
+ writers to always
822
+
823
+ 206
824
+ 00:09:02.040 --> 00:09:05.760
825
+ um
826
+
827
+ 207
828
+ 00:09:03.180 --> 00:09:08.339
829
+ the writing always has to in my opinion
830
+
831
+ 208
832
+ 00:09:05.760 --> 00:09:10.080
833
+ be consistent and just get better
834
+
835
+ 209
836
+ 00:09:08.339 --> 00:09:13.680
837
+ that's very hard when you're doing a
838
+
839
+ 210
840
+ 00:09:10.080 --> 00:09:17.580
841
+ show of 22-26 episodes all of them have
842
+
843
+ 211
844
+ 00:09:13.680 --> 00:09:19.800
845
+ to be connected to the truth and life
846
+
847
+ 212
848
+ 00:09:17.580 --> 00:09:21.720
849
+ that's what makes a good showrunner that
850
+
851
+ 213
852
+ 00:09:19.800 --> 00:09:24.420
853
+ that's what makes a great film director
854
+
855
+ 214
856
+ 00:09:21.720 --> 00:09:27.839
857
+ that's what makes a great teacher life
858
+
859
+ 215
860
+ 00:09:24.420 --> 00:09:31.800
861
+ and the more people recognize life
862
+
863
+ 216
864
+ 00:09:27.839 --> 00:09:34.380
865
+ and TB the stage and all the
866
+
867
+ 217
868
+ 00:09:31.800 --> 00:09:36.839
869
+ collaborators are involved in doing that
870
+
871
+ 218
872
+ 00:09:34.380 --> 00:09:39.240
873
+ then you feel less alone as an audience
874
+
875
+ 219
876
+ 00:09:36.839 --> 00:09:41.959
877
+ member and you do not forget the
878
+
879
+ 220
880
+ 00:09:39.240 --> 00:09:46.560
881
+ experience it's tattooed in you right
882
+
883
+ 221
884
+ 00:09:41.959 --> 00:09:48.020
885
+ all right Mike drop now let me suck on
886
+
887
+ 222
888
+ 00:09:46.560 --> 00:09:51.140
889
+ this damn phone
890
+
891
+ 223
892
+ 00:09:48.020 --> 00:09:51.140
893
+ [Music]
894
+
895
+ 224
896
+ 00:09:54.120 --> 00:09:56.779
897
+ oh yeah
898
+
899
+ 225
900
+ 00:09:58.530 --> 00:10:01.750
901
+ [Laughter]
902
+
903
+ 226
904
+ 00:10:01.800 --> 00:10:06.060
905
+ I'm seeing the many faces of Viola
906
+
907
+ 227
908
+ 00:10:03.600 --> 00:10:10.140
909
+ through the hot ones gauntlet
910
+
911
+ 228
912
+ 00:10:06.060 --> 00:10:11.459
913
+ these are so good they are oh my God you
914
+
915
+ 229
916
+ 00:10:10.140 --> 00:10:13.140
917
+ know you can't taste it through the
918
+
919
+ 230
920
+ 00:10:11.459 --> 00:10:16.860
921
+ camera when you're watching the show but
922
+
923
+ 231
924
+ 00:10:13.140 --> 00:10:18.839
925
+ so far at least a delicious meal
926
+
927
+ 232
928
+ 00:10:16.860 --> 00:10:20.459
929
+ really good
930
+
931
+ 233
932
+ 00:10:18.839 --> 00:10:22.560
933
+ um
934
+
935
+ 234
936
+ 00:10:20.459 --> 00:10:24.360
937
+ so Roger Ebert once wrote of your
938
+
939
+ 235
940
+ 00:10:22.560 --> 00:10:26.279
941
+ Academy Award nominated performance in
942
+
943
+ 236
944
+ 00:10:24.360 --> 00:10:27.959
945
+ doubt it lasts about 10 minutes but it's
946
+
947
+ 237
948
+ 00:10:26.279 --> 00:10:30.300
949
+ the emotional heart and soul of the film
950
+
951
+ 238
952
+ 00:10:27.959 --> 00:10:31.740
953
+ what do you see as the opportunity for
954
+
955
+ 239
956
+ 00:10:30.300 --> 00:10:33.480
957
+ an actor when your performance is
958
+
959
+ 240
960
+ 00:10:31.740 --> 00:10:36.120
961
+ limited to a single scene
962
+
963
+ 241
964
+ 00:10:33.480 --> 00:10:37.800
965
+ uh see I disagree with the term there
966
+
967
+ 242
968
+ 00:10:36.120 --> 00:10:39.779
969
+ are no small roles only small actors
970
+
971
+ 243
972
+ 00:10:37.800 --> 00:10:41.580
973
+ even though I understand exactly where
974
+
975
+ 244
976
+ 00:10:39.779 --> 00:10:45.600
977
+ it's coming from there are some small
978
+
979
+ 245
980
+ 00:10:41.580 --> 00:10:47.700
981
+ roles I had a you know a line in
982
+
983
+ 246
984
+ 00:10:45.600 --> 00:10:49.680
985
+ Kate and Leopold where I told Hugh
986
+
987
+ 247
988
+ 00:10:47.700 --> 00:10:51.899
989
+ Jackman's character pick up your poop
990
+
991
+ 248
992
+ 00:10:49.680 --> 00:10:55.560
993
+ pick up your dog's poop and that was it
994
+
995
+ 249
996
+ 00:10:51.899 --> 00:10:57.360
997
+ that's a small role Mrs Miller was not a
998
+
999
+ 250
1000
+ 00:10:55.560 --> 00:10:59.519
1001
+ small world even though it was like one
1002
+
1003
+ 251
1004
+ 00:10:57.360 --> 00:11:02.160
1005
+ scene it's written within an inch of its
1006
+
1007
+ 252
1008
+ 00:10:59.519 --> 00:11:03.660
1009
+ life you know exactly who that woman is
1010
+
1011
+ 253
1012
+ 00:11:02.160 --> 00:11:07.860
1013
+ the key
1014
+
1015
+ 254
1016
+ 00:11:03.660 --> 00:11:10.260
1017
+ is you always have to approach a
1018
+
1019
+ 255
1020
+ 00:11:07.860 --> 00:11:11.940
1021
+ character as if you're creating a human
1022
+
1023
+ 256
1024
+ 00:11:10.260 --> 00:11:15.899
1025
+ being
1026
+
1027
+ 257
1028
+ 00:11:11.940 --> 00:11:17.880
1029
+ who is she what does she live for
1030
+
1031
+ 258
1032
+ 00:11:15.899 --> 00:11:19.380
1033
+ what does she want based on what she
1034
+
1035
+ 259
1036
+ 00:11:17.880 --> 00:11:22.079
1037
+ needs in life
1038
+
1039
+ 260
1040
+ 00:11:19.380 --> 00:11:24.000
1041
+ a need is always just a basic thing like
1042
+
1043
+ 261
1044
+ 00:11:22.079 --> 00:11:26.339
1045
+ the need to love
1046
+
1047
+ 262
1048
+ 00:11:24.000 --> 00:11:29.100
1049
+ they need to control
1050
+
1051
+ 263
1052
+ 00:11:26.339 --> 00:11:32.160
1053
+ the need I don't know to heal
1054
+
1055
+ 264
1056
+ 00:11:29.100 --> 00:11:33.720
1057
+ when you do all of that and here's the
1058
+
1059
+ 265
1060
+ 00:11:32.160 --> 00:11:36.480
1061
+ last thing you got to do
1062
+
1063
+ 266
1064
+ 00:11:33.720 --> 00:11:38.339
1065
+ you got to take a risk
1066
+
1067
+ 267
1068
+ 00:11:36.480 --> 00:11:41.220
1069
+ so whatever you're thinking in your mind
1070
+
1071
+ 268
1072
+ 00:11:38.339 --> 00:11:42.600
1073
+ make a bold Choice even if it's even if
1074
+
1075
+ 269
1076
+ 00:11:41.220 --> 00:11:46.140
1077
+ you think you're running in the wrong
1078
+
1079
+ 270
1080
+ 00:11:42.600 --> 00:11:50.579
1081
+ direction make a choice so bold and so
1082
+
1083
+ 271
1084
+ 00:11:46.140 --> 00:11:52.560
1085
+ out there and maybe maybe it'll stick or
1086
+
1087
+ 272
1088
+ 00:11:50.579 --> 00:11:54.000
1089
+ maybe you'll fail which I've done a lot
1090
+
1091
+ 273
1092
+ 00:11:52.560 --> 00:11:58.079
1093
+ but
1094
+
1095
+ 274
1096
+ 00:11:54.000 --> 00:12:00.600
1097
+ maybe it'll stick and with that I felt
1098
+
1099
+ 275
1100
+ 00:11:58.079 --> 00:12:03.420
1101
+ like I made a bold move especially
1102
+
1103
+ 276
1104
+ 00:12:00.600 --> 00:12:05.279
1105
+ because I was working opposite Meryl
1106
+
1107
+ 277
1108
+ 00:12:03.420 --> 00:12:08.500
1109
+ Streep Meryl Streep
1110
+
1111
+ 278
1112
+ 00:12:05.279 --> 00:12:15.919
1113
+ and my nose was Dripping
1114
+
1115
+ 279
1116
+ 00:12:08.500 --> 00:12:15.919
1117
+ [Music]
1118
+
1119
+ 280
1120
+ 00:12:17.640 --> 00:12:22.519
1121
+ a little bit of a different kind of look
1122
+
1123
+ 281
1124
+ 00:12:20.519 --> 00:12:22.519
1125
+ um
1126
+
1127
+ 282
1128
+ 00:12:23.519 --> 00:12:28.140
1129
+ Steady Hand Steady Hand
1130
+
1131
+ 283
1132
+ 00:12:26.399 --> 00:12:31.140
1133
+ I'm a stronger I'm
1134
+
1135
+ 284
1136
+ 00:12:28.140 --> 00:12:33.060
1137
+ not a warrior I know I saw the movie I
1138
+
1139
+ 285
1140
+ 00:12:31.140 --> 00:12:34.560
1141
+ know I know you know what wait a minute
1142
+
1143
+ 286
1144
+ 00:12:33.060 --> 00:12:36.920
1145
+ wait wait wait wait because you know
1146
+
1147
+ 287
1148
+ 00:12:34.560 --> 00:12:40.380
1149
+ what I just swallowed the piece
1150
+
1151
+ 288
1152
+ 00:12:36.920 --> 00:12:44.220
1153
+ I'm going down yeah why put me down the
1154
+
1155
+ 289
1156
+ 00:12:40.380 --> 00:12:46.620
1157
+ rabbit hole no I'm sorry I'm sorry yeah
1158
+
1159
+ 290
1160
+ 00:12:44.220 --> 00:12:48.600
1161
+ so in 2020 you executive producer were
1162
+
1163
+ 291
1164
+ 00:12:46.620 --> 00:12:50.519
1165
+ featured and giving voices a documentary
1166
+
1167
+ 292
1168
+ 00:12:48.600 --> 00:12:52.260
1169
+ that put a spotlight on six students as
1170
+
1171
+ 293
1172
+ 00:12:50.519 --> 00:12:55.139
1173
+ they competed for a chance to win the
1174
+
1175
+ 294
1176
+ 00:12:52.260 --> 00:12:57.000
1177
+ August Wilson monologue competition is
1178
+
1179
+ 295
1180
+ 00:12:55.139 --> 00:12:58.740
1181
+ there like a science to picking out the
1182
+
1183
+ 296
1184
+ 00:12:57.000 --> 00:13:02.579
1185
+ right audition monologue like is there a
1186
+
1187
+ 297
1188
+ 00:12:58.740 --> 00:13:04.560
1189
+ right or wrong way to do it I think so
1190
+
1191
+ 298
1192
+ 00:13:02.579 --> 00:13:06.800
1193
+ I think that when you audition for
1194
+
1195
+ 299
1196
+ 00:13:04.560 --> 00:13:06.800
1197
+ something
1198
+
1199
+ 300
1200
+ 00:13:07.380 --> 00:13:13.380
1201
+ I think that you should always pick a
1202
+
1203
+ 301
1204
+ 00:13:09.600 --> 00:13:15.480
1205
+ monologue that's closer to who you are
1206
+
1207
+ 302
1208
+ 00:13:13.380 --> 00:13:16.620
1209
+ and I think you should always and always
1210
+
1211
+ 303
1212
+ 00:13:15.480 --> 00:13:19.200
1213
+ chew
1214
+
1215
+ 304
1216
+ 00:13:16.620 --> 00:13:20.880
1217
+ and don't talk for too long I know some
1218
+
1219
+ 305
1220
+ 00:13:19.200 --> 00:13:23.339
1221
+ people have monologues they're just 10
1222
+
1223
+ 306
1224
+ 00:13:20.880 --> 00:13:24.899
1225
+ minutes nobody wants to sit 10 minutes I
1226
+
1227
+ 307
1228
+ 00:13:23.339 --> 00:13:28.079
1229
+ think you got about three four minutes
1230
+
1231
+ 308
1232
+ 00:13:24.899 --> 00:13:30.360
1233
+ at the most okay and here's the other
1234
+
1235
+ 309
1236
+ 00:13:28.079 --> 00:13:32.760
1237
+ thing because I always like
1238
+
1239
+ 310
1240
+ 00:13:30.360 --> 00:13:35.459
1241
+ I'm gonna do my ceiling monologue glass
1242
+
1243
+ 311
1244
+ 00:13:32.760 --> 00:13:38.100
1245
+ so I can blow their minds I'll end with
1246
+
1247
+ 312
1248
+ 00:13:35.459 --> 00:13:40.560
1249
+ blowing their minds that's [ __ ] you
1250
+
1251
+ 313
1252
+ 00:13:38.100 --> 00:13:43.500
1253
+ start with your best monologue first so
1254
+
1255
+ 314
1256
+ 00:13:40.560 --> 00:13:45.660
1257
+ you get their attention right away
1258
+
1259
+ 315
1260
+ 00:13:43.500 --> 00:13:48.300
1261
+ and I say that because I see it all the
1262
+
1263
+ 316
1264
+ 00:13:45.660 --> 00:13:50.459
1265
+ time people say I'm gonna do King Lear
1266
+
1267
+ 317
1268
+ 00:13:48.300 --> 00:13:52.680
1269
+ and you see them doing kick layer and
1270
+
1271
+ 318
1272
+ 00:13:50.459 --> 00:13:54.360
1273
+ you're like that's not good and you're
1274
+
1275
+ 319
1276
+ 00:13:52.680 --> 00:13:57.839
1277
+ 20 years old you're doing King land
1278
+
1279
+ 320
1280
+ 00:13:54.360 --> 00:14:01.260
1281
+ model don't do that [ __ ] but um I did
1282
+
1283
+ 321
1284
+ 00:13:57.839 --> 00:14:03.480
1285
+ Celie from color purple and Martine from
1286
+
1287
+ 322
1288
+ 00:14:01.260 --> 00:14:06.360
1289
+ learned ladies
1290
+
1291
+ 323
1292
+ 00:14:03.480 --> 00:14:07.639
1293
+ the more team was like and looking back
1294
+
1295
+ 324
1296
+ 00:14:06.360 --> 00:14:11.399
1297
+ I was like
1298
+
1299
+ 325
1300
+ 00:14:07.639 --> 00:14:13.560
1301
+ but there is a science you do something
1302
+
1303
+ 326
1304
+ 00:14:11.399 --> 00:14:15.000
1305
+ Dynamic you want to be memorable you
1306
+
1307
+ 327
1308
+ 00:14:13.560 --> 00:14:17.279
1309
+ want to wake people up they've already
1310
+
1311
+ 328
1312
+ 00:14:15.000 --> 00:14:18.570
1313
+ seen 50 people before you they don't
1314
+
1315
+ 329
1316
+ 00:14:17.279 --> 00:14:23.459
1317
+ want to work at it
1318
+
1319
+ 330
1320
+ 00:14:18.570 --> 00:14:25.110
1321
+ [Music]
1322
+
1323
+ 331
1324
+ 00:14:23.459 --> 00:14:32.269
1325
+ I had to burp
1326
+
1327
+ 332
1328
+ 00:14:25.110 --> 00:14:32.269
1329
+ [Music]
1330
+
1331
+ 333
1332
+ 00:14:34.040 --> 00:14:40.079
1333
+ another level
1334
+
1335
+ 334
1336
+ 00:14:37.320 --> 00:14:43.019
1337
+ but we're here but we're here you must
1338
+
1339
+ 335
1340
+ 00:14:40.079 --> 00:14:44.699
1341
+ have a hell of a liability cloth but
1342
+
1343
+ 336
1344
+ 00:14:43.019 --> 00:14:46.820
1345
+ people can I mean you need to topple
1346
+
1347
+ 337
1348
+ 00:14:44.699 --> 00:14:46.820
1349
+ over
1350
+
1351
+ 338
1352
+ 00:14:47.940 --> 00:14:52.139
1353
+ from what I gather about how you prepare
1354
+
1355
+ 339
1356
+ 00:14:50.339 --> 00:14:54.360
1357
+ to deliver an honest performance it
1358
+
1359
+ 340
1360
+ 00:14:52.139 --> 00:14:56.220
1361
+ starts by gathering all of the facts and
1362
+
1363
+ 341
1364
+ 00:14:54.360 --> 00:14:58.019
1365
+ then to quote if I don't think the scene
1366
+
1367
+ 342
1368
+ 00:14:56.220 --> 00:15:00.060
1369
+ is answering my questions I'll bother
1370
+
1371
+ 343
1372
+ 00:14:58.019 --> 00:15:01.440
1373
+ the hell out of the director of the
1374
+
1375
+ 344
1376
+ 00:15:00.060 --> 00:15:02.940
1377
+ characters you've played which one would
1378
+
1379
+ 345
1380
+ 00:15:01.440 --> 00:15:05.519
1381
+ you say had the biggest transformation
1382
+
1383
+ 346
1384
+ 00:15:02.940 --> 00:15:07.500
1385
+ or Evolution from the way the character
1386
+
1387
+ 347
1388
+ 00:15:05.519 --> 00:15:09.540
1389
+ was written in the script to ultimately
1390
+
1391
+ 348
1392
+ 00:15:07.500 --> 00:15:13.519
1393
+ what materialized in the performance on
1394
+
1395
+ 349
1396
+ 00:15:09.540 --> 00:15:16.260
1397
+ screen analy's Keating for sure
1398
+
1399
+ 350
1400
+ 00:15:13.519 --> 00:15:18.839
1401
+ that pilot that we shot I remember
1402
+
1403
+ 351
1404
+ 00:15:16.260 --> 00:15:19.980
1405
+ because it was my first sex scene
1406
+
1407
+ 352
1408
+ 00:15:18.839 --> 00:15:22.680
1409
+ so
1410
+
1411
+ 353
1412
+ 00:15:19.980 --> 00:15:24.240
1413
+ and I remember Billy Brown was who
1414
+
1415
+ 354
1416
+ 00:15:22.680 --> 00:15:26.880
1417
+ played Nate
1418
+
1419
+ 355
1420
+ 00:15:24.240 --> 00:15:28.560
1421
+ and he was my boyfriend
1422
+
1423
+ 356
1424
+ 00:15:26.880 --> 00:15:31.019
1425
+ and I had a husband
1426
+
1427
+ 357
1428
+ 00:15:28.560 --> 00:15:34.699
1429
+ so boyfriend husband which sounds really
1430
+
1431
+ 358
1432
+ 00:15:31.019 --> 00:15:38.279
1433
+ great until it comes time to shoot it
1434
+
1435
+ 359
1436
+ 00:15:34.699 --> 00:15:40.860
1437
+ and we shot it 12 it was 12 degrees in
1438
+
1439
+ 360
1440
+ 00:15:38.279 --> 00:15:43.320
1441
+ Philadelphia and she meets Nate and they
1442
+
1443
+ 361
1444
+ 00:15:40.860 --> 00:15:44.040
1445
+ have sex on top of the car I'm not the
1446
+
1447
+ 362
1448
+ 00:15:43.320 --> 00:15:46.320
1449
+ hood
1450
+
1451
+ 363
1452
+ 00:15:44.040 --> 00:15:49.579
1453
+ right outside of my house while my
1454
+
1455
+ 364
1456
+ 00:15:46.320 --> 00:15:49.579
1457
+ husband's in in his office
1458
+
1459
+ 365
1460
+ 00:15:54.959 --> 00:16:00.180
1461
+ you know no disrespect but I didn't
1462
+
1463
+ 366
1464
+ 00:15:58.199 --> 00:16:02.760
1465
+ believe that they wrote from a
1466
+
1467
+ 367
1468
+ 00:16:00.180 --> 00:16:04.740
1469
+ perspective of making her real
1470
+
1471
+ 368
1472
+ 00:16:02.760 --> 00:16:06.720
1473
+ I just felt like she was coming from a
1474
+
1475
+ 369
1476
+ 00:16:04.740 --> 00:16:08.579
1477
+ past where there was trauma and sexual
1478
+
1479
+ 370
1480
+ 00:16:06.720 --> 00:16:10.980
1481
+ abuse ping ping so you see you're
1482
+
1483
+ 371
1484
+ 00:16:08.579 --> 00:16:12.600
1485
+ painting the character and then she
1486
+
1487
+ 372
1488
+ 00:16:10.980 --> 00:16:15.420
1489
+ changed her name why is she changing her
1490
+
1491
+ 373
1492
+ 00:16:12.600 --> 00:16:18.980
1493
+ name whoever she was
1494
+
1495
+ 374
1496
+ 00:16:15.420 --> 00:16:21.540
1497
+ she hated so there was a level of
1498
+
1499
+ 375
1500
+ 00:16:18.980 --> 00:16:23.760
1501
+ self-love that wasn't there and
1502
+
1503
+ 376
1504
+ 00:16:21.540 --> 00:16:27.120
1505
+ juxtaposed that with this badass
1506
+
1507
+ 377
1508
+ 00:16:23.760 --> 00:16:29.399
1509
+ criminal defense attorney then you start
1510
+
1511
+ 378
1512
+ 00:16:27.120 --> 00:16:32.639
1513
+ shaping a person
1514
+
1515
+ 379
1516
+ 00:16:29.399 --> 00:16:34.740
1517
+ and so but that kept like conversations
1518
+
1519
+ 380
1520
+ 00:16:32.639 --> 00:16:36.360
1521
+ had to keep happening
1522
+
1523
+ 381
1524
+ 00:16:34.740 --> 00:16:37.830
1525
+ for me to do that
1526
+
1527
+ 382
1528
+ 00:16:36.360 --> 00:16:42.119
1529
+ so that's it
1530
+
1531
+ 383
1532
+ 00:16:37.830 --> 00:16:42.119
1533
+ [Music]
1534
+
1535
+ 384
1536
+ 00:16:44.180 --> 00:16:48.800
1537
+ [ __ ] I'm shaking me too
1538
+
1539
+ 385
1540
+ 00:16:54.500 --> 00:16:57.400
1541
+ [Music]
1542
+
1543
+ 386
1544
+ 00:16:56.000 --> 00:16:59.519
1545
+ I know
1546
+
1547
+ 387
1548
+ 00:16:57.400 --> 00:17:00.470
1549
+ [Music]
1550
+
1551
+ 388
1552
+ 00:16:59.519 --> 00:17:03.480
1553
+ immediately
1554
+
1555
+ 389
1556
+ 00:17:00.470 --> 00:17:06.980
1557
+ [Music]
1558
+
1559
+ 390
1560
+ 00:17:03.480 --> 00:17:06.980
1561
+ nothing redeemable about it
1562
+
1563
+ 391
1564
+ 00:17:14.939 --> 00:17:19.939
1565
+ nobody's ever whooped your ass after all
1566
+
1567
+ 392
1568
+ 00:17:17.220 --> 00:17:19.939
1569
+ these chicken wings
1570
+
1571
+ 393
1572
+ 00:17:22.040 --> 00:17:27.959
1573
+ when we had Idris Alba on he stopped the
1574
+
1575
+ 394
1576
+ 00:17:25.500 --> 00:17:29.340
1577
+ show and goes whose idea what is it the
1578
+
1579
+ 395
1580
+ 00:17:27.959 --> 00:17:31.320
1581
+ Creator Chris Schoenberger he actually
1582
+
1583
+ 396
1584
+ 00:17:29.340 --> 00:17:33.720
1585
+ traveled with us to London to shoot this
1586
+
1587
+ 397
1588
+ 00:17:31.320 --> 00:17:35.340
1589
+ episode Idris at that time he owes Chris
1590
+
1591
+ 398
1592
+ 00:17:33.720 --> 00:17:38.039
1593
+ can you fight like he challenged Chris
1594
+
1595
+ 399
1596
+ 00:17:35.340 --> 00:17:39.960
1597
+ to a fight in the studio and Chris is
1598
+
1599
+ 400
1600
+ 00:17:38.039 --> 00:17:43.160
1601
+ not here all the time but he actually is
1602
+
1603
+ 401
1604
+ 00:17:39.960 --> 00:17:43.160
1605
+ here today
1606
+
1607
+ 402
1608
+ 00:17:43.799 --> 00:17:47.720
1609
+ oh my mm-hmm
1610
+
1611
+ 403
1612
+ 00:17:48.000 --> 00:17:52.380
1613
+ totally different level
1614
+
1615
+ 404
1616
+ 00:17:50.460 --> 00:17:54.840
1617
+ so when we had David Harbor on the show
1618
+
1619
+ 405
1620
+ 00:17:52.380 --> 00:17:57.360
1621
+ called Law and Order the Dick Wolf
1622
+
1623
+ 406
1624
+ 00:17:54.840 --> 00:18:00.059
1625
+ subsidy for the Arts what do you see as
1626
+
1627
+ 407
1628
+ 00:17:57.360 --> 00:18:02.580
1629
+ the significance of law dramas and soap
1630
+
1631
+ 408
1632
+ 00:18:00.059 --> 00:18:04.440
1633
+ operas was like an endowment for
1634
+
1635
+ 409
1636
+ 00:18:02.580 --> 00:18:08.419
1637
+ performers
1638
+
1639
+ 410
1640
+ 00:18:04.440 --> 00:18:08.419
1641
+ you gotta repeat that damn question
1642
+
1643
+ 411
1644
+ 00:18:08.880 --> 00:18:15.960
1645
+ the thing about law dramas is it really
1646
+
1647
+ 412
1648
+ 00:18:12.059 --> 00:18:20.240
1649
+ challenges your process as an actor
1650
+
1651
+ 413
1652
+ 00:18:15.960 --> 00:18:20.240
1653
+ it's hard to tap into emotion because
1654
+
1655
+ 414
1656
+ 00:18:21.960 --> 00:18:25.919
1657
+ I know
1658
+
1659
+ 415
1660
+ 00:18:23.520 --> 00:18:27.600
1661
+ I'm I'm surprised I'm not pissing in my
1662
+
1663
+ 416
1664
+ 00:18:25.919 --> 00:18:31.080
1665
+ pants right now
1666
+
1667
+ 417
1668
+ 00:18:27.600 --> 00:18:34.700
1669
+ I was not a puddle and piss right here
1670
+
1671
+ 418
1672
+ 00:18:31.080 --> 00:18:34.700
1673
+ well I'm going down that damn rabbit
1674
+
1675
+ 419
1676
+ 00:18:35.220 --> 00:18:39.000
1677
+ oh [ __ ] anyway
1678
+
1679
+ 420
1680
+ 00:18:37.140 --> 00:18:41.160
1681
+ when you're doing a courtroom scene you
1682
+
1683
+ 421
1684
+ 00:18:39.000 --> 00:18:43.260
1685
+ have to pull out all your Technique
1686
+
1687
+ 422
1688
+ 00:18:41.160 --> 00:18:46.679
1689
+ because a lot of it is just technical
1690
+
1691
+ 423
1692
+ 00:18:43.260 --> 00:18:49.620
1693
+ terms but it has to be still Dynamic
1694
+
1695
+ 424
1696
+ 00:18:46.679 --> 00:18:52.340
1697
+ emotionally connected
1698
+
1699
+ 425
1700
+ 00:18:49.620 --> 00:18:52.340
1701
+ and
1702
+
1703
+ 426
1704
+ 00:18:55.559 --> 00:18:58.280
1705
+ and
1706
+
1707
+ 427
1708
+ 00:18:58.380 --> 00:19:02.039
1709
+ you're working with so many different
1710
+
1711
+ 428
1712
+ 00:19:00.299 --> 00:19:04.799
1713
+ actors you're working with the actors
1714
+
1715
+ 429
1716
+ 00:19:02.039 --> 00:19:06.480
1717
+ playing the judge people who understand
1718
+
1719
+ 430
1720
+ 00:19:04.799 --> 00:19:08.460
1721
+ you feel like you have more of an
1722
+
1723
+ 431
1724
+ 00:19:06.480 --> 00:19:10.020
1725
+ audience in the courtroom and that's it
1726
+
1727
+ 432
1728
+ 00:19:08.460 --> 00:19:13.320
1729
+ because you know what I can't talk
1730
+
1731
+ 433
1732
+ 00:19:10.020 --> 00:19:16.140
1733
+ anymore I mean my lips are burning off
1734
+
1735
+ 434
1736
+ 00:19:13.320 --> 00:19:23.299
1737
+ and I got some lips
1738
+
1739
+ 435
1740
+ 00:19:16.140 --> 00:19:23.299
1741
+ [Music]
1742
+
1743
+ 436
1744
+ 00:19:24.780 --> 00:19:30.840
1745
+ how can you say you're being my friend
1746
+
1747
+ 437
1748
+ 00:19:27.980 --> 00:19:33.419
1749
+ I mean you're a very lovely man and
1750
+
1751
+ 438
1752
+ 00:19:30.840 --> 00:19:34.980
1753
+ you're sort of cute too oh but let me
1754
+
1755
+ 439
1756
+ 00:19:33.419 --> 00:19:36.720
1757
+ tell you something
1758
+
1759
+ 440
1760
+ 00:19:34.980 --> 00:19:38.760
1761
+ I don't believe you
1762
+
1763
+ 441
1764
+ 00:19:36.720 --> 00:19:40.919
1765
+ that this one's not as bad as the last
1766
+
1767
+ 442
1768
+ 00:19:38.760 --> 00:19:43.320
1769
+ one no I would never lie to you I would
1770
+
1771
+ 443
1772
+ 00:19:40.919 --> 00:19:44.760
1773
+ never lie to you Viola Davis
1774
+
1775
+ 444
1776
+ 00:19:43.320 --> 00:19:48.059
1777
+ all right
1778
+
1779
+ 445
1780
+ 00:19:44.760 --> 00:19:51.559
1781
+ so this is unique garlic here
1782
+
1783
+ 446
1784
+ 00:19:48.059 --> 00:19:51.559
1785
+ from pucker butt pepper company
1786
+
1787
+ 447
1788
+ 00:19:52.620 --> 00:19:58.440
1789
+ it's no walk in the park but
1790
+
1791
+ 448
1792
+ 00:19:55.140 --> 00:20:00.240
1793
+ a little bit easier than the last one
1794
+
1795
+ 449
1796
+ 00:19:58.440 --> 00:20:02.640
1797
+ did I tell you I had to panic attack
1798
+
1799
+ 450
1800
+ 00:20:00.240 --> 00:20:05.580
1801
+ once no I didn't you didn't tell me this
1802
+
1803
+ 451
1804
+ 00:20:02.640 --> 00:20:07.980
1805
+ Meryl Streep who's a very lovely woman
1806
+
1807
+ 452
1808
+ 00:20:05.580 --> 00:20:10.260
1809
+ by the way but she did something to me
1810
+
1811
+ 453
1812
+ 00:20:07.980 --> 00:20:12.240
1813
+ she could not go to the first Critics
1814
+
1815
+ 454
1816
+ 00:20:10.260 --> 00:20:14.039
1817
+ Choice Award and she knew she was good
1818
+
1819
+ 455
1820
+ 00:20:12.240 --> 00:20:17.460
1821
+ some awards you know you're gonna win in
1822
+
1823
+ 456
1824
+ 00:20:14.039 --> 00:20:19.500
1825
+ advance this is way back in the day
1826
+
1827
+ 457
1828
+ 00:20:17.460 --> 00:20:22.620
1829
+ and she said viola
1830
+
1831
+ 458
1832
+ 00:20:19.500 --> 00:20:25.260
1833
+ can you accept my award for me I want
1834
+
1835
+ 459
1836
+ 00:20:22.620 --> 00:20:27.000
1837
+ you to do it because I can't be there I
1838
+
1839
+ 460
1840
+ 00:20:25.260 --> 00:20:30.539
1841
+ said yeah
1842
+
1843
+ 461
1844
+ 00:20:27.000 --> 00:20:32.220
1845
+ oh that's such an honor oh my God now I
1846
+
1847
+ 462
1848
+ 00:20:30.539 --> 00:20:35.100
1849
+ forgot that this was the first award
1850
+
1851
+ 463
1852
+ 00:20:32.220 --> 00:20:36.600
1853
+ show I had ever been to I go that award
1854
+
1855
+ 464
1856
+ 00:20:35.100 --> 00:20:38.760
1857
+ show and I proceed to have the worst
1858
+
1859
+ 465
1860
+ 00:20:36.600 --> 00:20:41.460
1861
+ panic attack just like I'm having right
1862
+
1863
+ 466
1864
+ 00:20:38.760 --> 00:20:43.380
1865
+ now with my legs couldn't stop moving
1866
+
1867
+ 467
1868
+ 00:20:41.460 --> 00:20:46.260
1869
+ I began to cry
1870
+
1871
+ 468
1872
+ 00:20:43.380 --> 00:20:48.660
1873
+ I couldn't I literally could not move
1874
+
1875
+ 469
1876
+ 00:20:46.260 --> 00:20:50.400
1877
+ and I had to get up on that stage and
1878
+
1879
+ 470
1880
+ 00:20:48.660 --> 00:20:52.320
1881
+ accept the word for Meryl Streep and
1882
+
1883
+ 471
1884
+ 00:20:50.400 --> 00:20:53.400
1885
+ guess what what she didn't tell me what
1886
+
1887
+ 472
1888
+ 00:20:52.320 --> 00:20:57.299
1889
+ to say
1890
+
1891
+ 473
1892
+ 00:20:53.400 --> 00:20:59.580
1893
+ so I'm saying that to you now because
1894
+
1895
+ 474
1896
+ 00:20:57.299 --> 00:21:01.799
1897
+ my legs are moving yeah
1898
+
1899
+ 475
1900
+ 00:20:59.580 --> 00:21:03.600
1901
+ well the good news is we're almost to
1902
+
1903
+ 476
1904
+ 00:21:01.799 --> 00:21:06.740
1905
+ that finish line here
1906
+
1907
+ 477
1908
+ 00:21:03.600 --> 00:21:06.740
1909
+ all right Viola Davis
1910
+
1911
+ 478
1912
+ 00:21:07.440 --> 00:21:11.880
1913
+ I'll believe you with this one
1914
+
1915
+ 479
1916
+ 00:21:09.860 --> 00:21:13.260
1917
+ I didn't lie to you I didn't lie to you
1918
+
1919
+ 480
1920
+ 00:21:11.880 --> 00:21:15.720
1921
+ about the last one did I did that tell
1922
+
1923
+ 481
1924
+ 00:21:13.260 --> 00:21:18.179
1925
+ you have a really big husband that used
1926
+
1927
+ 482
1928
+ 00:21:15.720 --> 00:21:20.280
1929
+ to play football and ate 12 eggs a day
1930
+
1931
+ 483
1932
+ 00:21:18.179 --> 00:21:24.080
1933
+ but he can swing a really good baseball
1934
+
1935
+ 484
1936
+ 00:21:20.280 --> 00:21:24.080
1937
+ bat so you better do it really here
1938
+
1939
+ 485
1940
+ 00:21:24.740 --> 00:21:30.620
1941
+ I said to look around
1942
+
1943
+ 486
1944
+ 00:21:27.299 --> 00:21:30.620
1945
+ keep my head on a swivel
1946
+
1947
+ 487
1948
+ 00:21:33.299 --> 00:21:37.320
1949
+ you do this one mm-hmm
1950
+
1951
+ 488
1952
+ 00:21:35.820 --> 00:21:39.780
1953
+ it's not open
1954
+
1955
+ 489
1956
+ 00:21:37.320 --> 00:21:41.820
1957
+ so like so you can't you can't you're in
1958
+
1959
+ 490
1960
+ 00:21:39.780 --> 00:21:43.740
1961
+ the clear mm-hmm
1962
+
1963
+ 491
1964
+ 00:21:41.820 --> 00:21:45.419
1965
+ this is a hard one
1966
+
1967
+ 492
1968
+ 00:21:43.740 --> 00:21:46.740
1969
+ they're all hard they're all hard at
1970
+
1971
+ 493
1972
+ 00:21:45.419 --> 00:21:47.850
1973
+ this point but
1974
+
1975
+ 494
1976
+ 00:21:46.740 --> 00:21:50.910
1977
+ we're there
1978
+
1979
+ 495
1980
+ 00:21:47.850 --> 00:21:50.910
1981
+ [Music]
1982
+
1983
+ 496
1984
+ 00:21:53.300 --> 00:21:57.539
1985
+ [Music]
1986
+
1987
+ 497
1988
+ 00:21:56.100 --> 00:21:59.460
1989
+ I know
1990
+
1991
+ 498
1992
+ 00:21:57.539 --> 00:22:01.620
1993
+ so we've hit the clip notes on just a
1994
+
1995
+ 499
1996
+ 00:21:59.460 --> 00:22:03.539
1997
+ sliver of your amazing journey but to
1998
+
1999
+ 500
2000
+ 00:22:01.620 --> 00:22:05.460
2001
+ close things out I've heard you quote
2002
+
2003
+ 501
2004
+ 00:22:03.539 --> 00:22:07.559
2005
+ the famous mythologist Joseph Campbell
2006
+
2007
+ 502
2008
+ 00:22:05.460 --> 00:22:10.380
2009
+ and as the saying goes the privilege of
2010
+
2011
+ 503
2012
+ 00:22:07.559 --> 00:22:13.400
2013
+ a lifetime is being who you are what
2014
+
2015
+ 504
2016
+ 00:22:10.380 --> 00:22:13.400
2017
+ does that mean to you
2018
+
2019
+ 505
2020
+ 00:22:13.559 --> 00:22:19.919
2021
+ now we're about to get deep yep
2022
+
2023
+ 506
2024
+ 00:22:17.640 --> 00:22:21.620
2025
+ well I'm choking today
2026
+
2027
+ 507
2028
+ 00:22:19.919 --> 00:22:24.480
2029
+ that's the show
2030
+
2031
+ 508
2032
+ 00:22:21.620 --> 00:22:27.799
2033
+ Viola's last words before she died on
2034
+
2035
+ 509
2036
+ 00:22:24.480 --> 00:22:27.799
2037
+ the hot one show was
2038
+
2039
+ 510
2040
+ 00:22:28.100 --> 00:22:35.039
2041
+ I just feel like our whole journey in
2042
+
2043
+ 511
2044
+ 00:22:30.900 --> 00:22:37.620
2045
+ our life is becoming our ideal selves
2046
+
2047
+ 512
2048
+ 00:22:35.039 --> 00:22:40.320
2049
+ you know we get stripped away as we go
2050
+
2051
+ 513
2052
+ 00:22:37.620 --> 00:22:43.020
2053
+ along the journey
2054
+
2055
+ 514
2056
+ 00:22:40.320 --> 00:22:44.580
2057
+ where it's like I've gotten to the point
2058
+
2059
+ 515
2060
+ 00:22:43.020 --> 00:22:46.200
2061
+ in my life it's like I've been sold a
2062
+
2063
+ 516
2064
+ 00:22:44.580 --> 00:22:48.659
2065
+ bill of goods
2066
+
2067
+ 517
2068
+ 00:22:46.200 --> 00:22:51.659
2069
+ you know that really at the end of the
2070
+
2071
+ 518
2072
+ 00:22:48.659 --> 00:22:54.419
2073
+ day you come into this world you are
2074
+
2075
+ 519
2076
+ 00:22:51.659 --> 00:22:56.580
2077
+ absolutely who you are then your parents
2078
+
2079
+ 520
2080
+ 00:22:54.419 --> 00:22:59.840
2081
+ come along and they try to imprint
2082
+
2083
+ 521
2084
+ 00:22:56.580 --> 00:23:03.600
2085
+ themselves on you your friends
2086
+
2087
+ 522
2088
+ 00:22:59.840 --> 00:23:06.000
2089
+ Society you know this is a school you
2090
+
2091
+ 523
2092
+ 00:23:03.600 --> 00:23:08.220
2093
+ have to go to this is how pretty you
2094
+
2095
+ 524
2096
+ 00:23:06.000 --> 00:23:10.020
2097
+ have to look this is what you have to
2098
+
2099
+ 525
2100
+ 00:23:08.220 --> 00:23:12.780
2101
+ wear
2102
+
2103
+ 526
2104
+ 00:23:10.020 --> 00:23:14.760
2105
+ and I think somewhere along the line is
2106
+
2107
+ 527
2108
+ 00:23:12.780 --> 00:23:17.520
2109
+ a voice deep within you that tells you
2110
+
2111
+ 528
2112
+ 00:23:14.760 --> 00:23:20.460
2113
+ exactly who you are you just have to
2114
+
2115
+ 529
2116
+ 00:23:17.520 --> 00:23:22.980
2117
+ have the courage to do that that's what
2118
+
2119
+ 530
2120
+ 00:23:20.460 --> 00:23:25.200
2121
+ the Journey of the hero is all about you
2122
+
2123
+ 531
2124
+ 00:23:22.980 --> 00:23:26.520
2125
+ know you're born into a world where you
2126
+
2127
+ 532
2128
+ 00:23:25.200 --> 00:23:28.260
2129
+ don't fit in
2130
+
2131
+ 533
2132
+ 00:23:26.520 --> 00:23:30.659
2133
+ and then you answer the call to
2134
+
2135
+ 534
2136
+ 00:23:28.260 --> 00:23:33.480
2137
+ Adventure and you
2138
+
2139
+ 535
2140
+ 00:23:30.659 --> 00:23:35.760
2141
+ deny the call and then at one point you
2142
+
2143
+ 536
2144
+ 00:23:33.480 --> 00:23:38.820
2145
+ then set out on your path
2146
+
2147
+ 537
2148
+ 00:23:35.760 --> 00:23:40.799
2149
+ all right and you slay dragons you do
2150
+
2151
+ 538
2152
+ 00:23:38.820 --> 00:23:44.100
2153
+ all of that and then at some point you
2154
+
2155
+ 539
2156
+ 00:23:40.799 --> 00:23:45.059
2157
+ come face to face with not a God but
2158
+
2159
+ 540
2160
+ 00:23:44.100 --> 00:23:46.679
2161
+ yourself
2162
+
2163
+ 541
2164
+ 00:23:45.059 --> 00:23:49.320
2165
+ okay
2166
+
2167
+ 542
2168
+ 00:23:46.679 --> 00:23:52.260
2169
+ and somewhere along line and you get it
2170
+
2171
+ 543
2172
+ 00:23:49.320 --> 00:23:53.940
2173
+ your aha moment your Elixir and you go
2174
+
2175
+ 544
2176
+ 00:23:52.260 --> 00:23:56.400
2177
+ back to your Ordinary World and you
2178
+
2179
+ 545
2180
+ 00:23:53.940 --> 00:23:58.799
2181
+ share it with others
2182
+
2183
+ 546
2184
+ 00:23:56.400 --> 00:24:00.840
2185
+ and I think that's the journey
2186
+
2187
+ 547
2188
+ 00:23:58.799 --> 00:24:03.179
2189
+ and I think that's the privilege of
2190
+
2191
+ 548
2192
+ 00:24:00.840 --> 00:24:06.500
2193
+ being absolutely Who You Are
2194
+
2195
+ 549
2196
+ 00:24:03.179 --> 00:24:06.500
2197
+ belonging to yourself
2198
+
2199
+ 550
2200
+ 00:24:06.539 --> 00:24:11.659
2201
+ and being brave
2202
+
2203
+ 551
2204
+ 00:24:08.419 --> 00:24:11.659
2205
+ slaying dragons
2206
+
2207
+ 552
2208
+ 00:24:12.679 --> 00:24:18.539
2209
+ was it a battle against the spice or a
2210
+
2211
+ 553
2212
+ 00:24:16.320 --> 00:24:20.820
2213
+ battle against ourselves either way
2214
+
2215
+ 554
2216
+ 00:24:18.539 --> 00:24:22.200
2217
+ Viola Davis we came out on top and now
2218
+
2219
+ 555
2220
+ 00:24:20.820 --> 00:24:24.059
2221
+ there's nothing left to do but roll out
2222
+
2223
+ 556
2224
+ 00:24:22.200 --> 00:24:25.620
2225
+ the red carpet for you this camera this
2226
+
2227
+ 557
2228
+ 00:24:24.059 --> 00:24:27.740
2229
+ camera this camera let the people know
2230
+
2231
+ 558
2232
+ 00:24:25.620 --> 00:24:29.340
2233
+ what you have going on in your life
2234
+
2235
+ 559
2236
+ 00:24:27.740 --> 00:24:33.299
2237
+ foreign
2238
+
2239
+ 560
2240
+ 00:24:29.340 --> 00:24:34.380
2241
+ the woman King September 16th see it in
2242
+
2243
+ 561
2244
+ 00:24:33.299 --> 00:24:37.260
2245
+ theaters
2246
+
2247
+ 562
2248
+ 00:24:34.380 --> 00:24:40.400
2249
+ U
2250
+
2251
+ 563
2252
+ 00:24:37.260 --> 00:24:40.400
2253
+ you'll see what I mean
2254
+
2255
+ 564
2256
+ 00:24:47.039 --> 00:24:50.700
2257
+ oh my God
2258
+
2259
+ 565
2260
+ 00:24:49.020 --> 00:24:51.840
2261
+ first of all the wings are really good
2262
+
2263
+ 566
2264
+ 00:24:50.700 --> 00:24:54.360
2265
+ but
2266
+
2267
+ 567
2268
+ 00:24:51.840 --> 00:24:56.820
2269
+ fantastic questions oh well thank you so
2270
+
2271
+ 568
2272
+ 00:24:54.360 --> 00:24:59.760
2273
+ much are you an actor dude no I've only
2274
+
2275
+ 569
2276
+ 00:24:56.820 --> 00:25:04.159
2277
+ played myself one time uh opposite Maya
2278
+
2279
+ 570
2280
+ 00:24:59.760 --> 00:25:04.159
2281
+ Rudolph and the Apple TV show Luke
2282
+
2283
+ 571
2284
+ 00:25:06.960 --> 00:25:11.400
2285
+ hey what's going on hot ones fans we
2286
+
2287
+ 572
2288
+ 00:25:09.900 --> 00:25:13.380
2289
+ brought the heat to the freezer aisle
2290
+
2291
+ 573
2292
+ 00:25:11.400 --> 00:25:15.960
2293
+ with our hot ones boneless chicken bites
2294
+
2295
+ 574
2296
+ 00:25:13.380 --> 00:25:18.419
2297
+ and use smash sales records and all of
2298
+
2299
+ 575
2300
+ 00:25:15.960 --> 00:25:21.299
2301
+ our wildest expectations so what did we
2302
+
2303
+ 576
2304
+ 00:25:18.419 --> 00:25:23.640
2305
+ do we made more that's right we are in
2306
+
2307
+ 577
2308
+ 00:25:21.299 --> 00:25:25.860
2309
+ with five new flavors of hot one's
2310
+
2311
+ 578
2312
+ 00:25:23.640 --> 00:25:27.900
2313
+ boneless chicken bites and five new ways
2314
+
2315
+ 579
2316
+ 00:25:25.860 --> 00:25:30.120
2317
+ for you to bring hot ones home from the
2318
+
2319
+ 580
2320
+ 00:25:27.900 --> 00:25:33.299
2321
+ classic to the classic garlic Fresno
2322
+
2323
+ 581
2324
+ 00:25:30.120 --> 00:25:37.760
2325
+ Edition to the Los Calientes Trio of
2326
+
2327
+ 582
2328
+ 00:25:33.299 --> 00:25:39.419
2329
+ flavor Verde Rojo Barbacoa visit
2330
+
2331
+ 583
2332
+ 00:25:37.760 --> 00:25:41.220
2333
+ hotoneschallenge.com for more
2334
+
2335
+ 584
2336
+ 00:25:39.419 --> 00:25:43.679
2337
+ information and to find a store near you
2338
+
2339
+ 585
2340
+ 00:25:41.220 --> 00:25:46.700
2341
+ hot ones boneless chicken bites you're
2342
+
2343
+ 586
2344
+ 00:25:43.679 --> 00:25:46.700
2345
+ in the hot seat now
2346
+
transcripts/6.vtt ADDED
@@ -0,0 +1,2146 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.120 --> 00:00:03.780
5
+ but now I know is this you turn upstairs
6
+
7
+ 2
8
+ 00:00:02.340 --> 00:00:06.420
9
+ you've got a little bit of hot sauce on
10
+
11
+ 3
12
+ 00:00:03.780 --> 00:00:08.039
13
+ your finger and then yeah you can play
14
+
15
+ 4
16
+ 00:00:06.420 --> 00:00:14.839
17
+ Greek tragedy
18
+
19
+ 5
20
+ 00:00:08.039 --> 00:00:17.100
21
+ [Music]
22
+
23
+ 6
24
+ 00:00:14.839 --> 00:00:18.660
25
+ hey what's going on everybody for first
26
+
27
+ 7
28
+ 00:00:17.100 --> 00:00:20.340
29
+ week Feast I'm Sean Evans and you're
30
+
31
+ 8
32
+ 00:00:18.660 --> 00:00:22.080
33
+ watching hot ones it's the show with hot
34
+
35
+ 9
36
+ 00:00:20.340 --> 00:00:23.460
37
+ questions and even hotter wings and
38
+
39
+ 10
40
+ 00:00:22.080 --> 00:00:24.900
41
+ today we're joined by Kate Blanchett
42
+
43
+ 11
44
+ 00:00:23.460 --> 00:00:26.279
45
+ she's one of the most decorating
46
+
47
+ 12
48
+ 00:00:24.900 --> 00:00:27.779
49
+ accomplished actors of Our Generation
50
+
51
+ 13
52
+ 00:00:26.279 --> 00:00:29.640
53
+ with a resume that includes more than 70
54
+
55
+ 14
56
+ 00:00:27.779 --> 00:00:31.740
57
+ films and 20 plus theater Productions
58
+
59
+ 15
60
+ 00:00:29.640 --> 00:00:33.600
61
+ along with countless Awards including
62
+
63
+ 16
64
+ 00:00:31.740 --> 00:00:35.040
65
+ multiple Oscars her latest project
66
+
67
+ 17
68
+ 00:00:33.600 --> 00:00:37.020
69
+ though is the Todd field written and
70
+
71
+ 18
72
+ 00:00:35.040 --> 00:00:38.160
73
+ directed psychological drama tar which
74
+
75
+ 19
76
+ 00:00:37.020 --> 00:00:40.020
77
+ opens in Select theaters beginning
78
+
79
+ 20
80
+ 00:00:38.160 --> 00:00:41.399
81
+ October 7th with a wider release
82
+
83
+ 21
84
+ 00:00:40.020 --> 00:00:43.680
85
+ scheduled for later this month on
86
+
87
+ 22
88
+ 00:00:41.399 --> 00:00:47.340
89
+ October 28th Kate Blanchette welcome to
90
+
91
+ 23
92
+ 00:00:43.680 --> 00:00:49.260
93
+ the show thank you before we get started
94
+
95
+ 24
96
+ 00:00:47.340 --> 00:00:50.820
97
+ how are you around spicy food and what's
98
+
99
+ 25
100
+ 00:00:49.260 --> 00:00:52.500
101
+ going through your mind as we prepare to
102
+
103
+ 26
104
+ 00:00:50.820 --> 00:00:54.120
105
+ take down the hot ones challenge I'm
106
+
107
+ 27
108
+ 00:00:52.500 --> 00:00:55.860
109
+ really scared but I guess it's probably
110
+
111
+ 28
112
+ 00:00:54.120 --> 00:00:59.340
113
+ the closest you'll ever get to knowing
114
+
115
+ 29
116
+ 00:00:55.860 --> 00:01:01.980
117
+ what menopause feels like so yeah so
118
+
119
+ 30
120
+ 00:00:59.340 --> 00:01:05.519
121
+ I've been through it so I'm I don't and
122
+
123
+ 31
124
+ 00:01:01.980 --> 00:01:07.560
125
+ spicy food I love but um I'm look I'm
126
+
127
+ 32
128
+ 00:01:05.519 --> 00:01:10.320
129
+ really sweating already I'm getting
130
+
131
+ 33
132
+ 00:01:07.560 --> 00:01:12.060
133
+ anticipatory anxiety okay layer one gone
134
+
135
+ 34
136
+ 00:01:10.320 --> 00:01:14.780
137
+ the layers are coming off that means
138
+
139
+ 35
140
+ 00:01:12.060 --> 00:01:14.780
141
+ we're ready to go
142
+
143
+ 36
144
+ 00:01:19.560 --> 00:01:23.880
145
+ oh
146
+
147
+ 37
148
+ 00:01:22.140 --> 00:01:33.230
149
+ foreign
150
+
151
+ 38
152
+ 00:01:23.880 --> 00:01:33.230
153
+ [Music]
154
+
155
+ 39
156
+ 00:01:35.900 --> 00:01:41.479
157
+ that's my doctor
158
+
159
+ 40
160
+ 00:01:38.280 --> 00:01:41.479
161
+ okay ready
162
+
163
+ 41
164
+ 00:01:44.700 --> 00:01:48.380
165
+ that's manageable mm-hmm
166
+
167
+ 42
168
+ 00:01:50.119 --> 00:01:54.540
169
+ that's nice
170
+
171
+ 43
172
+ 00:01:52.680 --> 00:01:56.460
173
+ so in your latest movie tar you play a
174
+
175
+ 44
176
+ 00:01:54.540 --> 00:01:58.320
177
+ world famous composer whose life begins
178
+
179
+ 45
180
+ 00:01:56.460 --> 00:02:00.420
181
+ to unravel as they approach a career
182
+
183
+ 46
184
+ 00:01:58.320 --> 00:02:02.280
185
+ Milestone what was the experience like
186
+
187
+ 47
188
+ 00:02:00.420 --> 00:02:04.140
189
+ presiding over the actual Dresden
190
+
191
+ 48
192
+ 00:02:02.280 --> 00:02:05.880
193
+ Philharmonic for the scene featuring
194
+
195
+ 49
196
+ 00:02:04.140 --> 00:02:07.320
197
+ Mueller's fifth I've heard you describe
198
+
199
+ 50
200
+ 00:02:05.880 --> 00:02:09.239
201
+ an electric charge that went through you
202
+
203
+ 51
204
+ 00:02:07.320 --> 00:02:11.459
205
+ at the raised Podium yeah do you do you
206
+
207
+ 52
208
+ 00:02:09.239 --> 00:02:14.720
209
+ play an instrument no I don't the spoons
210
+
211
+ 53
212
+ 00:02:11.459 --> 00:02:17.760
213
+ just the uh hot sauce
214
+
215
+ 54
216
+ 00:02:14.720 --> 00:02:19.620
217
+ yeah well it was absolutely terrifying I
218
+
219
+ 55
220
+ 00:02:17.760 --> 00:02:22.080
221
+ mean I played the piano as a as a girl
222
+
223
+ 56
224
+ 00:02:19.620 --> 00:02:23.640
225
+ so I kind of I sort of understood an
226
+
227
+ 57
228
+ 00:02:22.080 --> 00:02:26.160
229
+ instrument that way but you know a
230
+
231
+ 58
232
+ 00:02:23.640 --> 00:02:28.080
233
+ conductor's instrument is the orchestra
234
+
235
+ 59
236
+ 00:02:26.160 --> 00:02:30.480
237
+ and so the weirdest thing is and I don't
238
+
239
+ 60
240
+ 00:02:28.080 --> 00:02:32.580
241
+ know why it seems so obvious that you
242
+
243
+ 61
244
+ 00:02:30.480 --> 00:02:35.220
245
+ prepare in silence because you have the
246
+
247
+ 62
248
+ 00:02:32.580 --> 00:02:38.040
249
+ score in front of you and you imagine
250
+
251
+ 63
252
+ 00:02:35.220 --> 00:02:39.000
253
+ the music in your head and Miles five if
254
+
255
+ 64
256
+ 00:02:38.040 --> 00:02:40.800
257
+ you know for those of you who haven't
258
+
259
+ 65
260
+ 00:02:39.000 --> 00:02:44.099
261
+ listened you must Listen to It's a
262
+
263
+ 66
264
+ 00:02:40.800 --> 00:02:46.260
265
+ massive massive exciting work and when
266
+
267
+ 67
268
+ 00:02:44.099 --> 00:02:48.480
269
+ he gave the downbeat the trumpet started
270
+
271
+ 68
272
+ 00:02:46.260 --> 00:02:50.519
273
+ and then that trial Marsh opened up it
274
+
275
+ 69
276
+ 00:02:48.480 --> 00:02:52.379
277
+ was like an electric charge because
278
+
279
+ 70
280
+ 00:02:50.519 --> 00:02:54.000
281
+ that's your instrument and you hear the
282
+
283
+ 71
284
+ 00:02:52.379 --> 00:02:55.560
285
+ sound that you'd kind of Imagine but
286
+
287
+ 72
288
+ 00:02:54.000 --> 00:02:57.420
289
+ when you have an orchestra like that
290
+
291
+ 73
292
+ 00:02:55.560 --> 00:02:58.800
293
+ it's just um it was better than I
294
+
295
+ 74
296
+ 00:02:57.420 --> 00:03:01.040
297
+ imagined it it was really addictive
298
+
299
+ 75
300
+ 00:02:58.800 --> 00:03:01.040
301
+ actually
302
+
303
+ 76
304
+ 00:03:02.040 --> 00:03:04.760
305
+ foreign
306
+
307
+ 77
308
+ 00:03:09.410 --> 00:03:16.560
309
+ [Music]
310
+
311
+ 78
312
+ 00:03:20.640 --> 00:03:25.560
313
+ has anyone ever thrown up oh um not on
314
+
315
+ 79
316
+ 00:03:24.659 --> 00:03:27.599
317
+ the set
318
+
319
+ 80
320
+ 00:03:25.560 --> 00:03:31.819
321
+ okay why do you feel like you might not
322
+
323
+ 81
324
+ 00:03:27.599 --> 00:03:31.819
325
+ yet not yet all right just keep it up
326
+
327
+ 82
328
+ 00:03:31.920 --> 00:03:35.220
329
+ so I'm intrigued by this quote of yours
330
+
331
+ 83
332
+ 00:03:33.840 --> 00:03:37.319
333
+ For an upcoming role that you have in
334
+
335
+ 84
336
+ 00:03:35.220 --> 00:03:39.360
337
+ Guillermo del Toro's Pinocchio where you
338
+
339
+ 85
340
+ 00:03:37.319 --> 00:03:41.220
341
+ play an animated monkey and said I'd
342
+
343
+ 86
344
+ 00:03:39.360 --> 00:03:43.860
345
+ listen to a lot of different chimpanzees
346
+
347
+ 87
348
+ 00:03:41.220 --> 00:03:45.659
349
+ then try everything out how does finding
350
+
351
+ 88
352
+ 00:03:43.860 --> 00:03:47.819
353
+ the right tone for an animated monkey
354
+
355
+ 89
356
+ 00:03:45.659 --> 00:03:50.580
357
+ how if at all does it compare to
358
+
359
+ 90
360
+ 00:03:47.819 --> 00:03:52.200
361
+ mastering a regional dialect or the main
362
+
363
+ 91
364
+ 00:03:50.580 --> 00:03:54.420
365
+ accents you've taken on throughout your
366
+
367
+ 92
368
+ 00:03:52.200 --> 00:03:56.519
369
+ career from from which
370
+
371
+ 93
372
+ 00:03:54.420 --> 00:03:58.799
373
+ um Forest did I choose the actual
374
+
375
+ 94
376
+ 00:03:56.519 --> 00:04:00.180
377
+ chimpanzee it was kind of a melange of a
378
+
379
+ 95
380
+ 00:03:58.799 --> 00:04:01.980
381
+ lot of different chimps but if you
382
+
383
+ 96
384
+ 00:04:00.180 --> 00:04:04.440
385
+ listen to a lot of chimps they do sound
386
+
387
+ 97
388
+ 00:04:01.980 --> 00:04:07.140
389
+ very different depending on their age
390
+
391
+ 98
392
+ 00:04:04.440 --> 00:04:09.060
393
+ and um and then you just get in there
394
+
395
+ 99
396
+ 00:04:07.140 --> 00:04:10.940
397
+ and work out what makes Guillermo laugh
398
+
399
+ 100
400
+ 00:04:09.060 --> 00:04:13.280
401
+ and and yeah that's what I did
402
+
403
+ 101
404
+ 00:04:10.940 --> 00:04:16.440
405
+ [Music]
406
+
407
+ 102
408
+ 00:04:13.280 --> 00:04:18.299
409
+ so that was it was a bit like I had to
410
+
411
+ 103
412
+ 00:04:16.440 --> 00:04:21.000
413
+ do a bit of Opera warm-up yeah you know
414
+
415
+ 104
416
+ 00:04:18.299 --> 00:04:22.860
417
+ to get stress test stress test yeah so
418
+
419
+ 105
420
+ 00:04:21.000 --> 00:04:23.880
421
+ that was it wasn't tedious but it was
422
+
423
+ 106
424
+ 00:04:22.860 --> 00:04:25.380
425
+ taxing
426
+
427
+ 107
428
+ 00:04:23.880 --> 00:04:29.000
429
+ because you know you get into the booth
430
+
431
+ 108
432
+ 00:04:25.380 --> 00:04:29.000
433
+ and it's like hour after hour
434
+
435
+ 109
436
+ 00:04:29.730 --> 00:04:38.300
437
+ [Music]
438
+
439
+ 110
440
+ 00:04:34.139 --> 00:04:38.300
441
+ okay Pico Pico Pico Rico even
442
+
443
+ 111
444
+ 00:04:38.639 --> 00:04:43.620
445
+ this looks like a um a fine wine yeah
446
+
447
+ 112
448
+ 00:04:41.340 --> 00:04:46.139
449
+ got a chili oil in this one have you
450
+
451
+ 113
452
+ 00:04:43.620 --> 00:04:48.419
453
+ ever drunk a whole bottle of it a whole
454
+
455
+ 114
456
+ 00:04:46.139 --> 00:04:49.860
457
+ bottle of how far do you go like have
458
+
459
+ 115
460
+ 00:04:48.419 --> 00:04:51.720
461
+ you have a hot sauce have you ever
462
+
463
+ 116
464
+ 00:04:49.860 --> 00:04:53.820
465
+ jumped a whole bottle of no but you know
466
+
467
+ 117
468
+ 00:04:51.720 --> 00:04:55.080
469
+ what I did do is I ate a Carolina Reaper
470
+
471
+ 118
472
+ 00:04:53.820 --> 00:04:57.360
473
+ which is the hottest pepper in the world
474
+
475
+ 119
476
+ 00:04:55.080 --> 00:04:58.919
477
+ so just like taking the pepper and just
478
+
479
+ 120
480
+ 00:04:57.360 --> 00:05:00.540
481
+ eating it straight I did that one time
482
+
483
+ 121
484
+ 00:04:58.919 --> 00:05:02.340
485
+ and that's probably more extreme than
486
+
487
+ 122
488
+ 00:05:00.540 --> 00:05:04.560
489
+ like chugging a bottle and what happened
490
+
491
+ 123
492
+ 00:05:02.340 --> 00:05:06.540
493
+ it just felt like I had food poisoning
494
+
495
+ 124
496
+ 00:05:04.560 --> 00:05:08.699
497
+ for like a whole evening and then you
498
+
499
+ 125
500
+ 00:05:06.540 --> 00:05:11.400
501
+ did it again I did it again and then I
502
+
503
+ 126
504
+ 00:05:08.699 --> 00:05:14.460
505
+ did it again when you did that I was
506
+
507
+ 127
508
+ 00:05:11.400 --> 00:05:16.199
509
+ always a young man 28 you know when did
510
+
511
+ 128
512
+ 00:05:14.460 --> 00:05:18.419
513
+ you start doing this when did you
514
+
515
+ 129
516
+ 00:05:16.199 --> 00:05:20.280
517
+ realize that this was your gift oh well
518
+
519
+ 130
520
+ 00:05:18.419 --> 00:05:21.720
521
+ thanks for putting it that way it's I
522
+
523
+ 131
524
+ 00:05:20.280 --> 00:05:23.220
525
+ almost think of it it's like the cross
526
+
527
+ 132
528
+ 00:05:21.720 --> 00:05:26.280
529
+ that I bear at this point you know right
530
+
531
+ 133
532
+ 00:05:23.220 --> 00:05:27.960
533
+ but um it wasn't a huge hit at first but
534
+
535
+ 134
536
+ 00:05:26.280 --> 00:05:29.340
537
+ then we had this moment where it kind of
538
+
539
+ 135
540
+ 00:05:27.960 --> 00:05:31.199
541
+ like broke through in this Mass
542
+
543
+ 136
544
+ 00:05:29.340 --> 00:05:32.820
545
+ Discovery sort of way yeah yeah and I
546
+
547
+ 137
548
+ 00:05:31.199 --> 00:05:35.100
549
+ remember at the time I was talking to
550
+
551
+ 138
552
+ 00:05:32.820 --> 00:05:38.100
553
+ Chris who I started the show with hi
554
+
555
+ 139
556
+ 00:05:35.100 --> 00:05:39.539
557
+ Chris hey Chris you know I I see that
558
+
559
+ 140
560
+ 00:05:38.100 --> 00:05:41.900
561
+ you're over there and you're not up here
562
+
563
+ 141
564
+ 00:05:39.539 --> 00:05:44.039
565
+ yeah he likes to hide in the shadows
566
+
567
+ 142
568
+ 00:05:41.900 --> 00:05:46.320
569
+ you know he doesn't want to answer for
570
+
571
+ 143
572
+ 00:05:44.039 --> 00:05:47.940
573
+ any of this but I was joking with him
574
+
575
+ 144
576
+ 00:05:46.320 --> 00:05:49.860
577
+ like I'm eating a lot of hot food nobody
578
+
579
+ 145
580
+ 00:05:47.940 --> 00:05:51.479
581
+ cares and then we had this moment where
582
+
583
+ 146
584
+ 00:05:49.860 --> 00:05:52.979
585
+ it kind of broke through with a key and
586
+
587
+ 147
588
+ 00:05:51.479 --> 00:05:55.020
589
+ peel episode that kind of went like
590
+
591
+ 148
592
+ 00:05:52.979 --> 00:05:57.000
593
+ crazy viral and then the whole catalog
594
+
595
+ 149
596
+ 00:05:55.020 --> 00:05:58.919
597
+ kind of lifted with it and then we were
598
+
599
+ 150
600
+ 00:05:57.000 --> 00:06:01.139
601
+ kind of Off to the Races from there and
602
+
603
+ 151
604
+ 00:05:58.919 --> 00:06:05.060
605
+ then here we are season 19 with you and
606
+
607
+ 152
608
+ 00:06:01.139 --> 00:06:05.060
609
+ the season I can't believe it
610
+
611
+ 153
612
+ 00:06:07.740 --> 00:06:10.500
613
+ was anyone ever just stopped right at
614
+
615
+ 154
616
+ 00:06:09.720 --> 00:06:12.539
617
+ the beginning
618
+
619
+ 155
620
+ 00:06:10.500 --> 00:06:15.360
621
+ it's crazy we've done like 300 episodes
622
+
623
+ 156
624
+ 00:06:12.539 --> 00:06:17.580
625
+ of this and maybe only like 15 or 16
626
+
627
+ 157
628
+ 00:06:15.360 --> 00:06:20.460
629
+ people have stopped before the end which
630
+
631
+ 158
632
+ 00:06:17.580 --> 00:06:21.840
633
+ is no pressure no I'm not trying to lead
634
+
635
+ 159
636
+ 00:06:20.460 --> 00:06:24.080
637
+ the witness or put any pressure on you
638
+
639
+ 160
640
+ 00:06:21.840 --> 00:06:26.460
641
+ about that
642
+
643
+ 161
644
+ 00:06:24.080 --> 00:06:28.139
645
+ when we had Elijah Wood on the show he
646
+
647
+ 162
648
+ 00:06:26.460 --> 00:06:30.000
649
+ gave us a crash course and force
650
+
651
+ 163
652
+ 00:06:28.139 --> 00:06:31.860
653
+ perspective what was the piece of
654
+
655
+ 164
656
+ 00:06:30.000 --> 00:06:33.419
657
+ cinematic Wizardry that blew your mind
658
+
659
+ 165
660
+ 00:06:31.860 --> 00:06:35.880
661
+ the most when you saw it in action on
662
+
663
+ 166
664
+ 00:06:33.419 --> 00:06:38.220
665
+ set of Lord of the Rings I think it was
666
+
667
+ 167
668
+ 00:06:35.880 --> 00:06:39.600
669
+ what what Peter Jackson was called and
670
+
671
+ 168
672
+ 00:06:38.220 --> 00:06:42.300
673
+ I'm sure they're being used a lot now is
674
+
675
+ 169
676
+ 00:06:39.600 --> 00:06:44.340
677
+ a split frame diopter it's something
678
+
679
+ 170
680
+ 00:06:42.300 --> 00:06:46.860
681
+ they do with the lens so that you can
682
+
683
+ 171
684
+ 00:06:44.340 --> 00:06:49.139
685
+ hold two people of monumentally
686
+
687
+ 172
688
+ 00:06:46.860 --> 00:06:51.180
689
+ different sizes in the same frame and
690
+
691
+ 173
692
+ 00:06:49.139 --> 00:06:52.800
693
+ that they would build a table where on
694
+
695
+ 174
696
+ 00:06:51.180 --> 00:06:56.520
697
+ one side everything was obviously it was
698
+
699
+ 175
700
+ 00:06:52.800 --> 00:06:58.319
701
+ a bit like um you know um a piece of
702
+
703
+ 176
704
+ 00:06:56.520 --> 00:07:00.479
705
+ theater is that everything was large on
706
+
707
+ 177
708
+ 00:06:58.319 --> 00:07:02.460
709
+ one side and everything was small on the
710
+
711
+ 178
712
+ 00:07:00.479 --> 00:07:03.900
713
+ other side but there was something to do
714
+
715
+ 179
716
+ 00:07:02.460 --> 00:07:06.000
717
+ with the lens where they were able to
718
+
719
+ 180
720
+ 00:07:03.900 --> 00:07:08.520
721
+ hold them a bit like a kind of a fun
722
+
723
+ 181
724
+ 00:07:06.000 --> 00:07:10.919
725
+ house mirror which was really incredible
726
+
727
+ 182
728
+ 00:07:08.520 --> 00:07:12.780
729
+ because it was done in camera which was
730
+
731
+ 183
732
+ 00:07:10.919 --> 00:07:14.580
733
+ pretty cool because a lot of that stuff
734
+
735
+ 184
736
+ 00:07:12.780 --> 00:07:17.880
737
+ and I think you can feel it when it's
738
+
739
+ 185
740
+ 00:07:14.580 --> 00:07:21.199
741
+ all done in post you know it's I love it
742
+
743
+ 186
744
+ 00:07:17.880 --> 00:07:21.199
745
+ when those tricks are done in camera
746
+
747
+ 187
748
+ 00:07:22.270 --> 00:07:25.919
749
+ [Music]
750
+
751
+ 188
752
+ 00:07:23.660 --> 00:07:26.400
753
+ okay this is the this one looks really
754
+
755
+ 189
756
+ 00:07:25.919 --> 00:07:30.360
757
+ scary
758
+
759
+ 190
760
+ 00:07:26.400 --> 00:07:30.360
761
+ [Music]
762
+
763
+ 191
764
+ 00:07:31.560 --> 00:07:36.900
765
+ I like that one
766
+
767
+ 192
768
+ 00:07:33.300 --> 00:07:40.500
769
+ Mitchell do you cook not often but you
770
+
771
+ 193
772
+ 00:07:36.900 --> 00:07:44.220
773
+ should see me order off a menu I'm great
774
+
775
+ 194
776
+ 00:07:40.500 --> 00:07:45.960
777
+ I'd ordered that one that's great yeah
778
+
779
+ 195
780
+ 00:07:44.220 --> 00:07:48.120
781
+ it's quote of yours theater is all about
782
+
783
+ 196
784
+ 00:07:45.960 --> 00:07:50.099
785
+ foyers and conversation and digesting
786
+
787
+ 197
788
+ 00:07:48.120 --> 00:07:52.199
789
+ what you've seen what's the role of the
790
+
791
+ 198
792
+ 00:07:50.099 --> 00:07:54.060
793
+ theater itself and how audience receive
794
+
795
+ 199
796
+ 00:07:52.199 --> 00:07:56.280
797
+ and digest plays and then out of
798
+
799
+ 200
800
+ 00:07:54.060 --> 00:07:57.720
801
+ curiosity is there a theater that stands
802
+
803
+ 201
804
+ 00:07:56.280 --> 00:07:59.520
805
+ out in your memory is just having like
806
+
807
+ 202
808
+ 00:07:57.720 --> 00:08:02.639
809
+ the best foyer
810
+
811
+ 203
812
+ 00:07:59.520 --> 00:08:04.080
813
+ one of my first jobs was in a I mean in
814
+
815
+ 204
816
+ 00:08:02.639 --> 00:08:06.599
817
+ Australia a lot of the theaters are
818
+
819
+ 205
820
+ 00:08:04.080 --> 00:08:10.319
821
+ found spaces so one was in a tomato
822
+
823
+ 206
824
+ 00:08:06.599 --> 00:08:14.520
825
+ sauce factory and um uh and another one
826
+
827
+ 207
828
+ 00:08:10.319 --> 00:08:16.919
829
+ was in a stable and so the the I the
830
+
831
+ 208
832
+ 00:08:14.520 --> 00:08:18.780
833
+ actual dressing room was as literally as
834
+
835
+ 209
836
+ 00:08:16.919 --> 00:08:21.000
837
+ big as these two tables put together and
838
+
839
+ 210
840
+ 00:08:18.780 --> 00:08:23.759
841
+ I was in a cast of 12 and so it was
842
+
843
+ 211
844
+ 00:08:21.000 --> 00:08:25.020
845
+ pretty tight and the downstairs was I
846
+
847
+ 212
848
+ 00:08:23.759 --> 00:08:26.819
849
+ mean you literally kind of had to climb
850
+
851
+ 213
852
+ 00:08:25.020 --> 00:08:28.379
853
+ a ladder to get up to the theater and
854
+
855
+ 214
856
+ 00:08:26.819 --> 00:08:29.160
857
+ that was great the old stable was pretty
858
+
859
+ 215
860
+ 00:08:28.379 --> 00:08:30.900
861
+ cool
862
+
863
+ 216
864
+ 00:08:29.160 --> 00:08:32.700
865
+ what did you learn from being on the
866
+
867
+ 217
868
+ 00:08:30.900 --> 00:08:34.020
869
+ other side of the audition table during
870
+
871
+ 218
872
+ 00:08:32.700 --> 00:08:35.880
873
+ your time running the Sydney Theater
874
+
875
+ 219
876
+ 00:08:34.020 --> 00:08:37.500
877
+ Company well actually you know when I
878
+
879
+ 220
880
+ 00:08:35.880 --> 00:08:40.740
881
+ first came into drama school people
882
+
883
+ 221
884
+ 00:08:37.500 --> 00:08:43.740
885
+ didn't know what to to do with me I sort
886
+
887
+ 222
888
+ 00:08:40.740 --> 00:08:46.680
889
+ of didn't fit into any kind of box and a
890
+
891
+ 223
892
+ 00:08:43.740 --> 00:08:49.500
893
+ costume director in Sydney took pity on
894
+
895
+ 224
896
+ 00:08:46.680 --> 00:08:51.779
897
+ me and she would call me in to read
898
+
899
+ 225
900
+ 00:08:49.500 --> 00:08:53.760
901
+ opposite people and that was such an
902
+
903
+ 226
904
+ 00:08:51.779 --> 00:08:55.500
905
+ education because you could tell when as
906
+
907
+ 227
908
+ 00:08:53.760 --> 00:08:57.480
909
+ soon as people walked in and go
910
+
911
+ 228
912
+ 00:08:55.500 --> 00:08:59.820
913
+ you're not gonna get the job like as
914
+
915
+ 229
916
+ 00:08:57.480 --> 00:09:01.380
917
+ soon as they walked in the door and and
918
+
919
+ 230
920
+ 00:08:59.820 --> 00:09:03.779
921
+ you could tell the people who had a
922
+
923
+ 231
924
+ 00:09:01.380 --> 00:09:06.240
925
+ fighting chance and I and so reading
926
+
927
+ 232
928
+ 00:09:03.779 --> 00:09:09.000
929
+ opposite them was was kind of incredible
930
+
931
+ 233
932
+ 00:09:06.240 --> 00:09:11.700
933
+ but then when we were my husband who's
934
+
935
+ 234
936
+ 00:09:09.000 --> 00:09:13.440
937
+ here who's not eating hot sauce today
938
+
939
+ 235
940
+ 00:09:11.700 --> 00:09:14.820
941
+ um but here for support yeah here for
942
+
943
+ 236
944
+ 00:09:13.440 --> 00:09:17.940
945
+ support yeah yeah he's gonna hold my
946
+
947
+ 237
948
+ 00:09:14.820 --> 00:09:19.920
949
+ hair back as I throw up into the bin
950
+
951
+ 238
952
+ 00:09:17.940 --> 00:09:23.940
953
+ um but it was amazing to be on the other
954
+
955
+ 239
956
+ 00:09:19.920 --> 00:09:25.440
957
+ side of of the of the dressing room door
958
+
959
+ 240
960
+ 00:09:23.940 --> 00:09:27.420
961
+ to the theater you know when you're
962
+
963
+ 241
964
+ 00:09:25.440 --> 00:09:30.240
965
+ directing a play or winning a produced a
966
+
967
+ 242
968
+ 00:09:27.420 --> 00:09:32.220
969
+ show the actors go out and I felt a
970
+
971
+ 243
972
+ 00:09:30.240 --> 00:09:34.380
973
+ profound relief that I didn't have to go
974
+
975
+ 244
976
+ 00:09:32.220 --> 00:09:36.360
977
+ out there and then in talking about your
978
+
979
+ 245
980
+ 00:09:34.380 --> 00:09:37.920
981
+ relationship to doing film roles versus
982
+
983
+ 246
984
+ 00:09:36.360 --> 00:09:39.540
985
+ theater I've heard you say that you're
986
+
987
+ 247
988
+ 00:09:37.920 --> 00:09:41.279
989
+ filled with regret on the last day of a
990
+
991
+ 248
992
+ 00:09:39.540 --> 00:09:42.839
993
+ movie Shoot because it's then when you
994
+
995
+ 249
996
+ 00:09:41.279 --> 00:09:44.339
997
+ really start to understand the character
998
+
999
+ 250
1000
+ 00:09:42.839 --> 00:09:46.260
1001
+ yeah and all the things you Coulda
1002
+
1003
+ 251
1004
+ 00:09:44.339 --> 00:09:47.940
1005
+ Shoulda would have done is there a movie
1006
+
1007
+ 252
1008
+ 00:09:46.260 --> 00:09:49.980
1009
+ role of yours that you most wish you had
1010
+
1011
+ 253
1012
+ 00:09:47.940 --> 00:09:52.200
1013
+ eight shows a week to hone
1014
+
1015
+ 254
1016
+ 00:09:49.980 --> 00:09:54.120
1017
+ probably the one I just did
1018
+
1019
+ 255
1020
+ 00:09:52.200 --> 00:09:56.160
1021
+ um I mean it's always the one I just did
1022
+
1023
+ 256
1024
+ 00:09:54.120 --> 00:09:59.399
1025
+ but but kind of for good reasons not
1026
+
1027
+ 257
1028
+ 00:09:56.160 --> 00:10:01.680
1029
+ filled with regret just that I felt so
1030
+
1031
+ 258
1032
+ 00:09:59.399 --> 00:10:03.360
1033
+ um I don't know alive kind of like
1034
+
1035
+ 259
1036
+ 00:10:01.680 --> 00:10:05.760
1037
+ eating a hot sauce really that's what it
1038
+
1039
+ 260
1040
+ 00:10:03.360 --> 00:10:08.880
1041
+ does blew my mind it does yeah gets the
1042
+
1043
+ 261
1044
+ 00:10:05.760 --> 00:10:10.620
1045
+ blood pumping gets the heart racing and
1046
+
1047
+ 262
1048
+ 00:10:08.880 --> 00:10:14.899
1049
+ on the topic are you ready to move on
1050
+
1051
+ 263
1052
+ 00:10:10.620 --> 00:10:14.899
1053
+ here to Sauce number six okay
1054
+
1055
+ 264
1056
+ 00:10:18.420 --> 00:10:23.220
1057
+ thank you Scotch that's very good for
1058
+
1059
+ 265
1060
+ 00:10:21.000 --> 00:10:26.420
1061
+ your gut turmeric nobody's got better
1062
+
1063
+ 266
1064
+ 00:10:23.220 --> 00:10:26.420
1065
+ digestion than me no
1066
+
1067
+ 267
1068
+ 00:10:29.820 --> 00:10:34.260
1069
+ that's the Scotch bonnet kind of a
1070
+
1071
+ 268
1072
+ 00:10:32.220 --> 00:10:36.180
1073
+ deeper burn here
1074
+
1075
+ 269
1076
+ 00:10:34.260 --> 00:10:37.440
1077
+ which was a bigger challenge for you in
1078
+
1079
+ 270
1080
+ 00:10:36.180 --> 00:10:38.940
1081
+ your preparation for your Oscar
1082
+
1083
+ 271
1084
+ 00:10:37.440 --> 00:10:40.680
1085
+ award-winning performance is Catherine
1086
+
1087
+ 272
1088
+ 00:10:38.940 --> 00:10:42.959
1089
+ Hepburn and The Aviator was it learning
1090
+
1091
+ 273
1092
+ 00:10:40.680 --> 00:10:44.579
1093
+ to play tennis or taking cold showers
1094
+
1095
+ 274
1096
+ 00:10:42.959 --> 00:10:45.600
1097
+ tennis was actually tennis was a
1098
+
1099
+ 275
1100
+ 00:10:44.579 --> 00:10:47.940
1101
+ homecoming because I used to play a lot
1102
+
1103
+ 276
1104
+ 00:10:45.600 --> 00:10:50.399
1105
+ of tennis when I was a girl and we were
1106
+
1107
+ 277
1108
+ 00:10:47.940 --> 00:10:52.500
1109
+ filming in Montreal so we had we joined
1110
+
1111
+ 278
1112
+ 00:10:50.399 --> 00:10:55.180
1113
+ the oldest tennis club now it's starting
1114
+
1115
+ 279
1116
+ 00:10:52.500 --> 00:10:58.270
1117
+ to get hot yeah yeah the oldest
1118
+
1119
+ 280
1120
+ 00:10:55.180 --> 00:10:58.270
1121
+ [Music]
1122
+
1123
+ 281
1124
+ 00:10:58.320 --> 00:11:01.620
1125
+ tennis club in Montreal and you had to
1126
+
1127
+ 282
1128
+ 00:11:00.300 --> 00:11:03.959
1129
+ wear all whites
1130
+
1131
+ 283
1132
+ 00:11:01.620 --> 00:11:05.399
1133
+ so it was it that it's a pressure when
1134
+
1135
+ 284
1136
+ 00:11:03.959 --> 00:11:06.959
1137
+ you're playing in a club because
1138
+
1139
+ 285
1140
+ 00:11:05.399 --> 00:11:08.339
1141
+ everyone takes it really seriously it's
1142
+
1143
+ 286
1144
+ 00:11:06.959 --> 00:11:10.620
1145
+ a bit like golf
1146
+
1147
+ 287
1148
+ 00:11:08.339 --> 00:11:12.180
1149
+ do you play golf no no there's one thing
1150
+
1151
+ 288
1152
+ 00:11:10.620 --> 00:11:14.459
1153
+ it's like I don't understand leaf
1154
+
1155
+ 289
1156
+ 00:11:12.180 --> 00:11:16.440
1157
+ blowers and I don't understand golf
1158
+
1159
+ 290
1160
+ 00:11:14.459 --> 00:11:18.540
1161
+ well now I'm interested would you not
1162
+
1163
+ 291
1164
+ 00:11:16.440 --> 00:11:20.720
1165
+ like a place to to another only for them
1166
+
1167
+ 292
1168
+ 00:11:18.540 --> 00:11:20.720
1169
+ to be
1170
+
1171
+ 293
1172
+ 00:11:21.480 --> 00:11:25.740
1173
+ like the gardeners I mean their faces
1174
+
1175
+ 294
1176
+ 00:11:23.760 --> 00:11:28.440
1177
+ they know that what they're doing is
1178
+
1179
+ 295
1180
+ 00:11:25.740 --> 00:11:31.260
1181
+ stupid right it's really it's bad
1182
+
1183
+ 296
1184
+ 00:11:28.440 --> 00:11:33.330
1185
+ oh it's when you you can't breathe it I
1186
+
1187
+ 297
1188
+ 00:11:31.260 --> 00:11:38.220
1189
+ know we're at that point in the show
1190
+
1191
+ 298
1192
+ 00:11:33.330 --> 00:11:41.810
1193
+ [Music]
1194
+
1195
+ 299
1196
+ 00:11:38.220 --> 00:11:45.670
1197
+ comma sauce that's a great name it is
1198
+
1199
+ 300
1200
+ 00:11:41.810 --> 00:11:45.670
1201
+ [Music]
1202
+
1203
+ 301
1204
+ 00:11:49.079 --> 00:11:52.260
1205
+ taking smaller and smaller bites that's
1206
+
1207
+ 302
1208
+ 00:11:50.940 --> 00:11:54.720
1209
+ how it goes that's how it goes on this
1210
+
1211
+ 303
1212
+ 00:11:52.260 --> 00:11:57.300
1213
+ show that's sweet too yeah but then it
1214
+
1215
+ 304
1216
+ 00:11:54.720 --> 00:11:58.680
1217
+ kind of Builds on you a little bit
1218
+
1219
+ 305
1220
+ 00:11:57.300 --> 00:12:01.579
1221
+ you see I've just been pushing them all
1222
+
1223
+ 306
1224
+ 00:11:58.680 --> 00:12:01.579
1225
+ over the corner of my mouth
1226
+
1227
+ 307
1228
+ 00:12:04.200 --> 00:12:08.339
1229
+ do you have a favorite one of your
1230
+
1231
+ 308
1232
+ 00:12:06.300 --> 00:12:12.980
1233
+ scenes or most memorable Kate Blanchett
1234
+
1235
+ 309
1236
+ 00:12:08.339 --> 00:12:12.980
1237
+ scene revolving around food oh I had
1238
+
1239
+ 310
1240
+ 00:12:15.779 --> 00:12:21.180
1241
+ I had um I had to cook
1242
+
1243
+ 311
1244
+ 00:12:18.720 --> 00:12:22.800
1245
+ um I had to to prepare a meal in a Barry
1246
+
1247
+ 312
1248
+ 00:12:21.180 --> 00:12:24.240
1249
+ Levinson film that about two and a half
1250
+
1251
+ 313
1252
+ 00:12:22.800 --> 00:12:26.220
1253
+ people saw
1254
+
1255
+ 314
1256
+ 00:12:24.240 --> 00:12:28.560
1257
+ called Bandits
1258
+
1259
+ 315
1260
+ 00:12:26.220 --> 00:12:30.959
1261
+ and um that so that that was more about
1262
+
1263
+ 316
1264
+ 00:12:28.560 --> 00:12:33.420
1265
+ the the preparation process and it was a
1266
+
1267
+ 317
1268
+ 00:12:30.959 --> 00:12:35.339
1269
+ it was a dance number so it's more about
1270
+
1271
+ 318
1272
+ 00:12:33.420 --> 00:12:36.839
1273
+ that I love that I love that I'm now my
1274
+
1275
+ 319
1276
+ 00:12:35.339 --> 00:12:38.519
1277
+ eyes are watering I know I know but just
1278
+
1279
+ 320
1280
+ 00:12:36.839 --> 00:12:41.220
1281
+ be careful be careful no but that's an
1282
+
1283
+ 321
1284
+ 00:12:38.519 --> 00:12:43.019
1285
+ amazing trick actually an actor told me
1286
+
1287
+ 322
1288
+ 00:12:41.220 --> 00:12:45.240
1289
+ an older actor stage actor told me you
1290
+
1291
+ 323
1292
+ 00:12:43.019 --> 00:12:47.160
1293
+ know you need to cry you turn up stage
1294
+
1295
+ 324
1296
+ 00:12:45.240 --> 00:12:49.560
1297
+ and pull a nostril hair
1298
+
1299
+ 325
1300
+ 00:12:47.160 --> 00:12:50.639
1301
+ and it works but but now I know is as
1302
+
1303
+ 326
1304
+ 00:12:49.560 --> 00:12:53.040
1305
+ you turn upstairs you've got a little
1306
+
1307
+ 327
1308
+ 00:12:50.639 --> 00:12:55.920
1309
+ bit of hot sauce on your finger and then
1310
+
1311
+ 328
1312
+ 00:12:53.040 --> 00:13:00.079
1313
+ yeah you can play Greek tragedy one more
1314
+
1315
+ 329
1316
+ 00:12:55.920 --> 00:13:00.079
1317
+ food question for you okay can I sure
1318
+
1319
+ 330
1320
+ 00:13:00.540 --> 00:13:03.019
1321
+ yep
1322
+
1323
+ 331
1324
+ 00:13:03.980 --> 00:13:07.880
1325
+ very careful I know yeah yeah
1326
+
1327
+ 332
1328
+ 00:13:12.600 --> 00:13:16.320
1329
+ the original Tim Tam girl fall on your
1330
+
1331
+ 333
1332
+ 00:13:14.700 --> 00:13:17.880
1333
+ list of career accomplishments and then
1334
+
1335
+ 334
1336
+ 00:13:16.320 --> 00:13:20.760
1337
+ do you have a favorite line from one of
1338
+
1339
+ 335
1340
+ 00:13:17.880 --> 00:13:23.760
1341
+ those 90s commercials yeah I know I I am
1342
+
1343
+ 336
1344
+ 00:13:20.760 --> 00:13:25.620
1345
+ I wanted to go to to India
1346
+
1347
+ 337
1348
+ 00:13:23.760 --> 00:13:27.959
1349
+ and I didn't have any money and then I
1350
+
1351
+ 338
1352
+ 00:13:25.620 --> 00:13:29.459
1353
+ got a Tim Tam commercial which is pretty
1354
+
1355
+ 339
1356
+ 00:13:27.959 --> 00:13:31.560
1357
+ much up there because it's one of my
1358
+
1359
+ 340
1360
+ 00:13:29.459 --> 00:13:33.060
1361
+ all-time favorite biscuits but I mean
1362
+
1363
+ 341
1364
+ 00:13:31.560 --> 00:13:34.500
1365
+ talking about having to eat the same
1366
+
1367
+ 342
1368
+ 00:13:33.060 --> 00:13:35.940
1369
+ thing over and over that's the thing
1370
+
1371
+ 343
1372
+ 00:13:34.500 --> 00:13:37.860
1373
+ with
1374
+
1375
+ 344
1376
+ 00:13:35.940 --> 00:13:39.600
1377
+ with doing something like that is I had
1378
+
1379
+ 345
1380
+ 00:13:37.860 --> 00:13:41.639
1381
+ a lot of tim tams and then
1382
+
1383
+ 346
1384
+ 00:13:39.600 --> 00:13:43.079
1385
+ I never ate them ever again
1386
+
1387
+ 347
1388
+ 00:13:41.639 --> 00:13:44.700
1389
+ because you do eat a lot of them when
1390
+
1391
+ 348
1392
+ 00:13:43.079 --> 00:13:46.740
1393
+ you you know I guess it's like if you
1394
+
1395
+ 349
1396
+ 00:13:44.700 --> 00:13:48.240
1397
+ did a car commercial right like yeah in
1398
+
1399
+ 350
1400
+ 00:13:46.740 --> 00:13:51.200
1401
+ a show or you eat wings all the time
1402
+
1403
+ 351
1404
+ 00:13:48.240 --> 00:13:51.200
1405
+ would you imagine
1406
+
1407
+ 352
1408
+ 00:13:55.440 --> 00:14:01.459
1409
+ it is what it says in the bottle I guess
1410
+
1411
+ 353
1412
+ 00:13:57.120 --> 00:14:01.459
1413
+ Beyond insanity all right
1414
+
1415
+ 354
1416
+ 00:14:04.160 --> 00:14:10.380
1417
+ it hasn't kicked in yet maybe it won't
1418
+
1419
+ 355
1420
+ 00:14:07.579 --> 00:14:12.600
1421
+ maybe it's like it hurts when you talk
1422
+
1423
+ 356
1424
+ 00:14:10.380 --> 00:14:13.860
1425
+ and eat at the same time right it's like
1426
+
1427
+ 357
1428
+ 00:14:12.600 --> 00:14:15.300
1429
+ your parents always say don't talk and
1430
+
1431
+ 358
1432
+ 00:14:13.860 --> 00:14:17.100
1433
+ eat at the same time there's a reason
1434
+
1435
+ 359
1436
+ 00:14:15.300 --> 00:14:18.540
1437
+ for that yeah
1438
+
1439
+ 360
1440
+ 00:14:17.100 --> 00:14:20.339
1441
+ so with Halloween right around the
1442
+
1443
+ 361
1444
+ 00:14:18.540 --> 00:14:22.079
1445
+ corner I think it's a good time to lean
1446
+
1447
+ 362
1448
+ 00:14:20.339 --> 00:14:24.420
1449
+ into your affection for the horror genre
1450
+
1451
+ 363
1452
+ 00:14:22.079 --> 00:14:25.860
1453
+ once sane yes I love being terrified it
1454
+
1455
+ 364
1456
+ 00:14:24.420 --> 00:14:27.959
1457
+ used to be a badge of honor if you could
1458
+
1459
+ 365
1460
+ 00:14:25.860 --> 00:14:29.279
1461
+ sit through Halloween too up the top of
1462
+
1463
+ 366
1464
+ 00:14:27.959 --> 00:14:31.260
1465
+ your head without thinking about it too
1466
+
1467
+ 367
1468
+ 00:14:29.279 --> 00:14:33.180
1469
+ much what is like your scariest
1470
+
1471
+ 368
1472
+ 00:14:31.260 --> 00:14:35.339
1473
+ quintessential movie that you have to
1474
+
1475
+ 369
1476
+ 00:14:33.180 --> 00:14:37.079
1477
+ watch during Halloween
1478
+
1479
+ 370
1480
+ 00:14:35.339 --> 00:14:38.880
1481
+ I I think
1482
+
1483
+ 371
1484
+ 00:14:37.079 --> 00:14:40.800
1485
+ it'd have to be something by Sam right
1486
+
1487
+ 372
1488
+ 00:14:38.880 --> 00:14:43.260
1489
+ you don't have to be able to
1490
+
1491
+ 373
1492
+ 00:14:40.800 --> 00:14:45.480
1493
+ the thing that makes me scream in magic
1494
+
1495
+ 374
1496
+ 00:14:43.260 --> 00:14:47.160
1497
+ tricks like if you were to do a pull a
1498
+
1499
+ 375
1500
+ 00:14:45.480 --> 00:14:49.320
1501
+ card out of a lemon right now or
1502
+
1503
+ 376
1504
+ 00:14:47.160 --> 00:14:52.440
1505
+ anything like that or make an airplane
1506
+
1507
+ 377
1508
+ 00:14:49.320 --> 00:14:53.820
1509
+ disappear which one musician I'm a
1510
+
1511
+ 378
1512
+ 00:14:52.440 --> 00:14:55.440
1513
+ magician told me the other day that he
1514
+
1515
+ 379
1516
+ 00:14:53.820 --> 00:14:59.160
1517
+ could do I mean they always talk big
1518
+
1519
+ 380
1520
+ 00:14:55.440 --> 00:15:01.620
1521
+ right right but um yeah I made a Lear
1522
+
1523
+ 381
1524
+ 00:14:59.160 --> 00:15:04.199
1525
+ jet disappear I was like oh did you I'm
1526
+
1527
+ 382
1528
+ 00:15:01.620 --> 00:15:05.639
1529
+ so I'm so gullible magic tricks that's
1530
+
1531
+ 383
1532
+ 00:15:04.199 --> 00:15:07.260
1533
+ what makes me scream
1534
+
1535
+ 384
1536
+ 00:15:05.639 --> 00:15:08.760
1537
+ I think one of the one of the scariest
1538
+
1539
+ 385
1540
+ 00:15:07.260 --> 00:15:11.399
1541
+ movies I've ever seen is the is the
1542
+
1543
+ 386
1544
+ 00:15:08.760 --> 00:15:13.680
1545
+ original version of the Ring it we had
1546
+
1547
+ 387
1548
+ 00:15:11.399 --> 00:15:16.740
1549
+ we got so scared we're in the house by
1550
+
1551
+ 388
1552
+ 00:15:13.680 --> 00:15:19.440
1553
+ ourselves we've got so scared back in
1554
+
1555
+ 389
1556
+ 00:15:16.740 --> 00:15:21.660
1557
+ the day BHS that we had we had to we
1558
+
1559
+ 390
1560
+ 00:15:19.440 --> 00:15:24.120
1561
+ started we turned the sound down
1562
+
1563
+ 391
1564
+ 00:15:21.660 --> 00:15:26.339
1565
+ and then we had we watched it fast
1566
+
1567
+ 392
1568
+ 00:15:24.120 --> 00:15:27.260
1569
+ forwarded and we were still shooting our
1570
+
1571
+ 393
1572
+ 00:15:26.339 --> 00:15:29.940
1573
+ pants
1574
+
1575
+ 394
1576
+ 00:15:27.260 --> 00:15:31.560
1577
+ but that's how scary it was but there
1578
+
1579
+ 395
1580
+ 00:15:29.940 --> 00:15:32.820
1581
+ was you know no blood I don't actually
1582
+
1583
+ 396
1584
+ 00:15:31.560 --> 00:15:35.540
1585
+ know what the film was about but it was
1586
+
1587
+ 397
1588
+ 00:15:32.820 --> 00:15:35.540
1589
+ terrifying
1590
+
1591
+ 398
1592
+ 00:15:36.360 --> 00:15:39.450
1593
+ [Music]
1594
+
1595
+ 399
1596
+ 00:15:39.720 --> 00:15:48.019
1597
+ okay unique garlic
1598
+
1599
+ 400
1600
+ 00:15:42.720 --> 00:15:48.019
1601
+ oh I'm gonna eat it okay all right
1602
+
1603
+ 401
1604
+ 00:15:48.560 --> 00:15:53.279
1605
+ so when we had Seth Meyers on the show
1606
+
1607
+ 402
1608
+ 00:15:51.060 --> 00:15:55.320
1609
+ he likened documentary now to building a
1610
+
1611
+ 403
1612
+ 00:15:53.279 --> 00:15:57.660
1613
+ ship in a bottle a hobby that lets him
1614
+
1615
+ 404
1616
+ 00:15:55.320 --> 00:15:59.459
1617
+ escape from his everyday work grind what
1618
+
1619
+ 405
1620
+ 00:15:57.660 --> 00:16:01.019
1621
+ to you was the appeal of that show when
1622
+
1623
+ 406
1624
+ 00:15:59.459 --> 00:16:02.579
1625
+ you appeared in a parody of a
1626
+
1627
+ 407
1628
+ 00:16:01.019 --> 00:16:05.639
1629
+ performance artist Loosely based on
1630
+
1631
+ 408
1632
+ 00:16:02.579 --> 00:16:08.160
1633
+ Marina Abramovich well I I they asked me
1634
+
1635
+ 409
1636
+ 00:16:05.639 --> 00:16:11.699
1637
+ to to do that one and it's always great
1638
+
1639
+ 410
1640
+ 00:16:08.160 --> 00:16:13.860
1641
+ to excuse me sorry Mom
1642
+
1643
+ 411
1644
+ 00:16:11.699 --> 00:16:15.920
1645
+ um you should never belch in public
1646
+
1647
+ 412
1648
+ 00:16:13.860 --> 00:16:15.920
1649
+ um
1650
+
1651
+ 413
1652
+ 00:16:16.199 --> 00:16:20.699
1653
+ um and and that was such a strange ask
1654
+
1655
+ 414
1656
+ 00:16:18.360 --> 00:16:23.760
1657
+ you know so but but the one I pitched to
1658
+
1659
+ 415
1660
+ 00:16:20.699 --> 00:16:25.199
1661
+ them was then they um I had a they said
1662
+
1663
+ 416
1664
+ 00:16:23.760 --> 00:16:26.880
1665
+ look if you ever see a documentary that
1666
+
1667
+ 417
1668
+ 00:16:25.199 --> 00:16:29.220
1669
+ you think is right for kind of um
1670
+
1671
+ 418
1672
+ 00:16:26.880 --> 00:16:31.560
1673
+ parodying let us know and I saw this
1674
+
1675
+ 419
1676
+ 00:16:29.220 --> 00:16:33.540
1677
+ really sweet documentary set in
1678
+
1679
+ 420
1680
+ 00:16:31.560 --> 00:16:36.899
1681
+ Blackpool in the north of England about
1682
+
1683
+ 421
1684
+ 00:16:33.540 --> 00:16:39.000
1685
+ uh three different hairdressing salons
1686
+
1687
+ 422
1688
+ 00:16:36.899 --> 00:16:41.160
1689
+ and up in the north of England all they
1690
+
1691
+ 423
1692
+ 00:16:39.000 --> 00:16:43.620
1693
+ talk about is dying it's just like death
1694
+
1695
+ 424
1696
+ 00:16:41.160 --> 00:16:45.420
1697
+ is just you know we sit down and we
1698
+
1699
+ 425
1700
+ 00:16:43.620 --> 00:16:46.860
1701
+ would have talked about how whoever you
1702
+
1703
+ 426
1704
+ 00:16:45.420 --> 00:16:49.500
1705
+ know that that's all we would discuss
1706
+
1707
+ 427
1708
+ 00:16:46.860 --> 00:16:51.839
1709
+ and um it was such a sweet beautiful
1710
+
1711
+ 428
1712
+ 00:16:49.500 --> 00:16:54.240
1713
+ documentation I gave it to them and they
1714
+
1715
+ 429
1716
+ 00:16:51.839 --> 00:16:57.720
1717
+ went for it I mean we could probably
1718
+
1719
+ 430
1720
+ 00:16:54.240 --> 00:16:59.220
1721
+ though how would we parody this oh we
1722
+
1723
+ 431
1724
+ 00:16:57.720 --> 00:17:01.680
1725
+ can make it have you made it if you look
1726
+
1727
+ 432
1728
+ 00:16:59.220 --> 00:17:03.839
1729
+ make it documentary about yourself then
1730
+
1731
+ 433
1732
+ 00:17:01.680 --> 00:17:04.679
1733
+ I'll send it to Seth and then I can play
1734
+
1735
+ 434
1736
+ 00:17:03.839 --> 00:17:07.860
1737
+ you
1738
+
1739
+ 435
1740
+ 00:17:04.679 --> 00:17:11.160
1741
+ whoa you know that's a meta idea isn't
1742
+
1743
+ 436
1744
+ 00:17:07.860 --> 00:17:12.959
1745
+ it I love that yeah
1746
+
1747
+ 437
1748
+ 00:17:11.160 --> 00:17:15.000
1749
+ that's a crowd pleaser that's gonna work
1750
+
1751
+ 438
1752
+ 00:17:12.959 --> 00:17:17.520
1753
+ okay what's this this looks really are
1754
+
1755
+ 439
1756
+ 00:17:15.000 --> 00:17:19.439
1757
+ you gonna throw it at me or something is
1758
+
1759
+ 440
1760
+ 00:17:17.520 --> 00:17:20.230
1761
+ that what this is for oh do we have to
1762
+
1763
+ 441
1764
+ 00:17:19.439 --> 00:17:24.199
1765
+ pour this on
1766
+
1767
+ 442
1768
+ 00:17:20.230 --> 00:17:26.640
1769
+ [Music]
1770
+
1771
+ 443
1772
+ 00:17:24.199 --> 00:17:28.439
1773
+ oh now you're just showing off I didn't
1774
+
1775
+ 444
1776
+ 00:17:26.640 --> 00:17:30.960
1777
+ want to do that I didn't mean to do that
1778
+
1779
+ 445
1780
+ 00:17:28.439 --> 00:17:32.760
1781
+ all right
1782
+
1783
+ 446
1784
+ 00:17:30.960 --> 00:17:34.320
1785
+ so this is the moment where I could
1786
+
1787
+ 447
1788
+ 00:17:32.760 --> 00:17:37.260
1789
+ actually
1790
+
1791
+ 448
1792
+ 00:17:34.320 --> 00:17:39.539
1793
+ throw up no it's uh it's the moment that
1794
+
1795
+ 449
1796
+ 00:17:37.260 --> 00:17:42.620
1797
+ will forever live in glory okay Cheers
1798
+
1799
+ 450
1800
+ 00:17:39.539 --> 00:17:42.620
1801
+ Cheers Cheers big ears
1802
+
1803
+ 451
1804
+ 00:17:44.640 --> 00:17:50.539
1805
+ [Music]
1806
+
1807
+ 452
1808
+ 00:17:47.340 --> 00:17:50.539
1809
+ I know really not good
1810
+
1811
+ 453
1812
+ 00:17:50.880 --> 00:17:55.200
1813
+ we've reached the end and just one more
1814
+
1815
+ 454
1816
+ 00:17:52.980 --> 00:17:56.880
1817
+ question before we can roll credits and
1818
+
1819
+ 455
1820
+ 00:17:55.200 --> 00:17:59.039
1821
+ I've heard you talk about the memories
1822
+
1823
+ 456
1824
+ 00:17:56.880 --> 00:18:01.020
1825
+ that you have of doing musical at
1826
+
1827
+ 457
1828
+ 00:17:59.039 --> 00:18:03.120
1829
+ University that would play to a crowd of
1830
+
1831
+ 458
1832
+ 00:18:01.020 --> 00:18:06.299
1833
+ three two of whom left at intermission
1834
+
1835
+ 459
1836
+ 00:18:03.120 --> 00:18:08.520
1837
+ but even after all the success the
1838
+
1839
+ 460
1840
+ 00:18:06.299 --> 00:18:10.860
1841
+ international franchises the countless
1842
+
1843
+ 461
1844
+ 00:18:08.520 --> 00:18:13.440
1845
+ Awards and Fanfare you still to this day
1846
+
1847
+ 462
1848
+ 00:18:10.860 --> 00:18:15.059
1849
+ say the only way I can do it is I just
1850
+
1851
+ 463
1852
+ 00:18:13.440 --> 00:18:17.760
1853
+ pretend that no one's going to see it
1854
+
1855
+ 464
1856
+ 00:18:15.059 --> 00:18:20.280
1857
+ how is having a no one's going to see it
1858
+
1859
+ 465
1860
+ 00:18:17.760 --> 00:18:23.340
1861
+ philosophy served you as an actor
1862
+
1863
+ 466
1864
+ 00:18:20.280 --> 00:18:25.679
1865
+ well it it was a it was a um it was a
1866
+
1867
+ 467
1868
+ 00:18:23.340 --> 00:18:28.140
1869
+ very memorable experience we met I mean
1870
+
1871
+ 468
1872
+ 00:18:25.679 --> 00:18:30.720
1873
+ we did a we did a musical about climate
1874
+
1875
+ 469
1876
+ 00:18:28.140 --> 00:18:32.460
1877
+ change and I realized then that you know
1878
+
1879
+ 470
1880
+ 00:18:30.720 --> 00:18:34.440
1881
+ you should probably
1882
+
1883
+ 471
1884
+ 00:18:32.460 --> 00:18:35.820
1885
+ um not have that crossover too often and
1886
+
1887
+ 472
1888
+ 00:18:34.440 --> 00:18:37.320
1889
+ we did have three people in the audience
1890
+
1891
+ 473
1892
+ 00:18:35.820 --> 00:18:40.140
1893
+ and after the intermission there was one
1894
+
1895
+ 474
1896
+ 00:18:37.320 --> 00:18:41.700
1897
+ little old lady and um we said we said
1898
+
1899
+ 475
1900
+ 00:18:40.140 --> 00:18:43.260
1901
+ there were seven of us in the show and
1902
+
1903
+ 476
1904
+ 00:18:41.700 --> 00:18:44.760
1905
+ we said you know she didn't have to stay
1906
+
1907
+ 477
1908
+ 00:18:43.260 --> 00:18:46.980
1909
+ there but she um
1910
+
1911
+ 478
1912
+ 00:18:44.760 --> 00:18:49.500
1913
+ she really wanted us you know to play it
1914
+
1915
+ 479
1916
+ 00:18:46.980 --> 00:18:51.360
1917
+ out so we did but I think it's just it's
1918
+
1919
+ 480
1920
+ 00:18:49.500 --> 00:18:52.799
1921
+ the way I deal with the anxiety of it
1922
+
1923
+ 481
1924
+ 00:18:51.360 --> 00:18:54.240
1925
+ because you have to have you have to
1926
+
1927
+ 482
1928
+ 00:18:52.799 --> 00:18:55.580
1929
+ have a sense of a lack of consequence
1930
+
1931
+ 483
1932
+ 00:18:54.240 --> 00:18:57.780
1933
+ you know what I mean so if you're gonna
1934
+
1935
+ 484
1936
+ 00:18:55.580 --> 00:18:59.400
1937
+ embarrass yourself and acting is
1938
+
1939
+ 485
1940
+ 00:18:57.780 --> 00:19:01.200
1941
+ embarrassing a lot of time you embarrass
1942
+
1943
+ 486
1944
+ 00:18:59.400 --> 00:19:02.640
1945
+ yourself in public you know you really
1946
+
1947
+ 487
1948
+ 00:19:01.200 --> 00:19:04.740
1949
+ do have to pretend that no one's going
1950
+
1951
+ 488
1952
+ 00:19:02.640 --> 00:19:06.660
1953
+ to see it and frankly that's often the
1954
+
1955
+ 489
1956
+ 00:19:04.740 --> 00:19:08.940
1957
+ case with the things I do
1958
+
1959
+ 490
1960
+ 00:19:06.660 --> 00:19:11.400
1961
+ but hopefully not with time
1962
+
1963
+ 491
1964
+ 00:19:08.940 --> 00:19:13.799
1965
+ not with tar and I don't think with this
1966
+
1967
+ 492
1968
+ 00:19:11.400 --> 00:19:16.020
1969
+ episode either throwing caution to the
1970
+
1971
+ 493
1972
+ 00:19:13.799 --> 00:19:17.760
1973
+ wind taking on the hot ones Gauntlet and
1974
+
1975
+ 494
1976
+ 00:19:16.020 --> 00:19:19.140
1977
+ living to tell the tale and now there's
1978
+
1979
+ 495
1980
+ 00:19:17.760 --> 00:19:20.760
1981
+ nothing left to do but roll out the red
1982
+
1983
+ 496
1984
+ 00:19:19.140 --> 00:19:22.559
1985
+ carpet for you this camera this camera
1986
+
1987
+ 497
1988
+ 00:19:20.760 --> 00:19:24.780
1989
+ this camera let the people know what you
1990
+
1991
+ 498
1992
+ 00:19:22.559 --> 00:19:27.299
1993
+ have going on in your life
1994
+
1995
+ 499
1996
+ 00:19:24.780 --> 00:19:30.799
1997
+ what what like if you have a movie
1998
+
1999
+ 500
2000
+ 00:19:27.299 --> 00:19:30.799
2001
+ coming out or anything oh
2002
+
2003
+ 501
2004
+ 00:19:31.740 --> 00:19:36.179
2005
+ field
2006
+
2007
+ 502
2008
+ 00:19:32.940 --> 00:19:37.919
2009
+ is this is this can I do this yeah can I
2010
+
2011
+ 503
2012
+ 00:19:36.179 --> 00:19:39.419
2013
+ tell people go ahead I'm not going to
2014
+
2015
+ 504
2016
+ 00:19:37.919 --> 00:19:42.179
2017
+ tell you anything except that you have
2018
+
2019
+ 505
2020
+ 00:19:39.419 --> 00:19:43.440
2021
+ to go and see tar Todd fields
2022
+
2023
+ 506
2024
+ 00:19:42.179 --> 00:19:45.360
2025
+ film
2026
+
2027
+ 507
2028
+ 00:19:43.440 --> 00:19:48.120
2029
+ about a conductor who I play a conductor
2030
+
2031
+ 508
2032
+ 00:19:45.360 --> 00:19:50.340
2033
+ a major Symphony Orchestra
2034
+
2035
+ 509
2036
+ 00:19:48.120 --> 00:19:52.020
2037
+ whose past catches up with her it's not
2038
+
2039
+ 510
2040
+ 00:19:50.340 --> 00:19:53.940
2041
+ a horror movie but she man she is
2042
+
2043
+ 511
2044
+ 00:19:52.020 --> 00:19:56.340
2045
+ haunted by a lot of ghosts
2046
+
2047
+ 512
2048
+ 00:19:53.940 --> 00:19:58.740
2049
+ and you have to it's a the sound is
2050
+
2051
+ 513
2052
+ 00:19:56.340 --> 00:20:00.480
2053
+ incredible he'll go to dotier who did
2054
+
2055
+ 514
2056
+ 00:19:58.740 --> 00:20:02.520
2057
+ the score for Jokers done the
2058
+
2059
+ 515
2060
+ 00:20:00.480 --> 00:20:04.919
2061
+ composition that I played it's amazing
2062
+
2063
+ 516
2064
+ 00:20:02.520 --> 00:20:07.679
2065
+ Nina the great Nina Hoss one of the
2066
+
2067
+ 517
2068
+ 00:20:04.919 --> 00:20:10.679
2069
+ great actresses I'm you know we
2070
+
2071
+ 518
2072
+ 00:20:07.679 --> 00:20:15.020
2073
+ um play um husband and wife
2074
+
2075
+ 519
2076
+ 00:20:10.679 --> 00:20:15.020
2077
+ and it's it's amazing
2078
+
2079
+ 520
2080
+ 00:20:18.440 --> 00:20:25.160
2081
+ you did so good you did so good
2082
+
2083
+ 521
2084
+ 00:20:22.200 --> 00:20:25.160
2085
+ that's really hot
2086
+
2087
+ 522
2088
+ 00:20:30.760 --> 00:20:33.920
2089
+ [Music]
2090
+
2091
+ 523
2092
+ 00:20:35.650 --> 00:20:38.739
2093
+ [Applause]
2094
+
2095
+ 524
2096
+ 00:20:44.520 --> 00:20:46.760
2097
+ foreign
2098
+
2099
+ 525
2100
+ 00:20:47.120 --> 00:20:51.240
2101
+ fans thank you so much for watching
2102
+
2103
+ 526
2104
+ 00:20:49.500 --> 00:20:54.240
2105
+ today's video If you want to get your
2106
+
2107
+ 527
2108
+ 00:20:51.240 --> 00:20:55.799
2109
+ hands on the season 19 hot Ones hot
2110
+
2111
+ 528
2112
+ 00:20:54.240 --> 00:20:58.100
2113
+ sauce Gauntlet boy do I have good news
2114
+
2115
+ 529
2116
+ 00:20:55.799 --> 00:21:00.780
2117
+ for you just visit heatness.com
2118
+
2119
+ 530
2120
+ 00:20:58.100 --> 00:21:03.360
2121
+ heatness.com that's heatness.com to get
2122
+
2123
+ 531
2124
+ 00:21:00.780 --> 00:21:06.780
2125
+ your hands on the 10 pack the season 19
2126
+
2127
+ 532
2128
+ 00:21:03.360 --> 00:21:09.120
2129
+ hot ones 10 pack hot ones in a box
2130
+
2131
+ 533
2132
+ 00:21:06.780 --> 00:21:11.220
2133
+ delivered right to your door I highly
2134
+
2135
+ 534
2136
+ 00:21:09.120 --> 00:21:11.720
2137
+ recommend it it's delicious I eat it
2138
+
2139
+ 535
2140
+ 00:21:11.220 --> 00:21:14.799
2141
+ every week
2142
+
2143
+ 536
2144
+ 00:21:11.720 --> 00:21:14.799
2145
+ [Music]
2146
+
transcripts/7.vtt ADDED
@@ -0,0 +1,2146 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Title:
2
+
3
+ 1
4
+ 00:00:00.380 --> 00:00:11.240
5
+ oh I know oh no no no
6
+
7
+ 2
8
+ 00:00:06.460 --> 00:00:11.240
9
+ [Music]
10
+
11
+ 3
12
+ 00:00:13.200 --> 00:00:16.440
13
+ hey what's going on everybody for first
14
+
15
+ 4
16
+ 00:00:14.820 --> 00:00:18.240
17
+ week Feast I'm Sean Evans and you're
18
+
19
+ 5
20
+ 00:00:16.440 --> 00:00:19.980
21
+ watching hot ones it's the show with hot
22
+
23
+ 6
24
+ 00:00:18.240 --> 00:00:21.779
25
+ questions and even hotter wings and
26
+
27
+ 7
28
+ 00:00:19.980 --> 00:00:23.520
29
+ today we're joined by Kid Cudi he's a
30
+
31
+ 8
32
+ 00:00:21.779 --> 00:00:25.019
33
+ Grammy award-winning artist multi-hyphen
34
+
35
+ 9
36
+ 00:00:23.520 --> 00:00:26.820
37
+ Entertainer and true to form he just
38
+
39
+ 10
40
+ 00:00:25.019 --> 00:00:28.619
41
+ dropped a brand new album accompanied by
42
+
43
+ 11
44
+ 00:00:26.820 --> 00:00:30.599
45
+ an animated TV special of the same name
46
+
47
+ 12
48
+ 00:00:28.619 --> 00:00:32.160
49
+ it's called Intergalactic check out the
50
+
51
+ 13
52
+ 00:00:30.599 --> 00:00:34.020
53
+ album wherever you get your music and
54
+
55
+ 14
56
+ 00:00:32.160 --> 00:00:36.300
57
+ watch the special which is now currently
58
+
59
+ 15
60
+ 00:00:34.020 --> 00:00:38.460
61
+ streaming on Netflix Kid Cudi welcome to
62
+
63
+ 16
64
+ 00:00:36.300 --> 00:00:39.960
65
+ the show thanks for having me man I feel
66
+
67
+ 17
68
+ 00:00:38.460 --> 00:00:41.700
69
+ like this is one of those shoots been
70
+
71
+ 18
72
+ 00:00:39.960 --> 00:00:43.500
73
+ that's been literally years in the
74
+
75
+ 19
76
+ 00:00:41.700 --> 00:00:45.059
77
+ making yeah what's going through your
78
+
79
+ 20
80
+ 00:00:43.500 --> 00:00:46.800
81
+ head as you finally prepare to take on
82
+
83
+ 21
84
+ 00:00:45.059 --> 00:00:49.079
85
+ the hot ones gauntlet
86
+
87
+ 22
88
+ 00:00:46.800 --> 00:00:52.620
89
+ I'm confident that I would make it to
90
+
91
+ 23
92
+ 00:00:49.079 --> 00:00:54.239
93
+ the end you know but I have no idea what
94
+
95
+ 24
96
+ 00:00:52.620 --> 00:00:57.079
97
+ I want to experience on this journey I'm
98
+
99
+ 25
100
+ 00:00:54.239 --> 00:01:00.739
101
+ really uh really kind of nervous
102
+
103
+ 26
104
+ 00:00:57.079 --> 00:01:00.739
105
+ I'm not gonna lie
106
+
107
+ 27
108
+ 00:01:02.040 --> 00:01:11.120
109
+ [Music]
110
+
111
+ 28
112
+ 00:01:13.470 --> 00:01:20.180
113
+ [Music]
114
+
115
+ 29
116
+ 00:01:17.159 --> 00:01:20.180
117
+ yeah let's do it
118
+
119
+ 30
120
+ 00:01:24.720 --> 00:01:27.259
121
+ no
122
+
123
+ 31
124
+ 00:01:28.020 --> 00:01:32.100
125
+ I can eat more if I want right
126
+
127
+ 32
128
+ 00:01:29.820 --> 00:01:34.400
129
+ go ahead and I'll follow you right along
130
+
131
+ 33
132
+ 00:01:32.100 --> 00:01:34.400
133
+ with
134
+
135
+ 34
136
+ 00:01:34.740 --> 00:01:38.840
137
+ oh good
138
+
139
+ 35
140
+ 00:01:36.299 --> 00:01:38.840
141
+ oh my God
142
+
143
+ 36
144
+ 00:01:42.000 --> 00:01:47.100
145
+ nice so dating back to the original man
146
+
147
+ 37
148
+ 00:01:45.420 --> 00:01:49.619
149
+ on the moon your albums have always had
150
+
151
+ 38
152
+ 00:01:47.100 --> 00:01:51.180
153
+ a cinematic Sonic quality to them so I
154
+
155
+ 39
156
+ 00:01:49.619 --> 00:01:53.220
157
+ can only imagine how cathartic it must
158
+
159
+ 40
160
+ 00:01:51.180 --> 00:01:55.020
161
+ have been for you to take Intergalactic
162
+
163
+ 41
164
+ 00:01:53.220 --> 00:01:57.600
165
+ and then actually storyboard it out for
166
+
167
+ 42
168
+ 00:01:55.020 --> 00:01:59.280
169
+ an animated adaptation and then costume
170
+
171
+ 43
172
+ 00:01:57.600 --> 00:02:01.860
173
+ design it's not a discipline that you'd
174
+
175
+ 44
176
+ 00:01:59.280 --> 00:02:03.299
177
+ often associate with animation but it
178
+
179
+ 45
180
+ 00:02:01.860 --> 00:02:05.520
181
+ really is at the heart of
182
+
183
+ 46
184
+ 00:02:03.299 --> 00:02:07.680
185
+ intergalactic's aesthetic what role did
186
+
187
+ 47
188
+ 00:02:05.520 --> 00:02:10.920
189
+ Virgil ablo play in shaping the fashion
190
+
191
+ 48
192
+ 00:02:07.680 --> 00:02:13.800
193
+ of this world well um it was really like
194
+
195
+ 49
196
+ 00:02:10.920 --> 00:02:15.480
197
+ I put it all on him you know I really
198
+
199
+ 50
200
+ 00:02:13.800 --> 00:02:17.700
201
+ went into this knowing that like I
202
+
203
+ 51
204
+ 00:02:15.480 --> 00:02:19.980
205
+ wanted the characters to be fresh I
206
+
207
+ 52
208
+ 00:02:17.700 --> 00:02:22.500
209
+ didn't want it to be like you know a
210
+
211
+ 53
212
+ 00:02:19.980 --> 00:02:24.300
213
+ typical animated show where you see one
214
+
215
+ 54
216
+ 00:02:22.500 --> 00:02:27.360
217
+ character wearing the same thing every
218
+
219
+ 55
220
+ 00:02:24.300 --> 00:02:29.700
221
+ episode you know Virgil came through and
222
+
223
+ 56
224
+ 00:02:27.360 --> 00:02:31.920
225
+ just put his magic sauce on it and just
226
+
227
+ 57
228
+ 00:02:29.700 --> 00:02:33.480
229
+ made you know wardrobe for each
230
+
231
+ 58
232
+ 00:02:31.920 --> 00:02:36.420
233
+ character in it that matched their
234
+
235
+ 59
236
+ 00:02:33.480 --> 00:02:38.340
237
+ personality I was so like happy because
238
+
239
+ 60
240
+ 00:02:36.420 --> 00:02:40.020
241
+ I was like oh my God like this is the
242
+
243
+ 61
244
+ 00:02:38.340 --> 00:02:41.220
245
+ best idea I could ever came up with you
246
+
247
+ 62
248
+ 00:02:40.020 --> 00:02:42.660
249
+ know we could have been
250
+
251
+ 63
252
+ 00:02:41.220 --> 00:02:44.580
253
+ could have been in this and making some
254
+
255
+ 64
256
+ 00:02:42.660 --> 00:02:46.560
257
+ really shitty clothing you know but I
258
+
259
+ 65
260
+ 00:02:44.580 --> 00:02:48.360
261
+ have like the illest freshest
262
+
263
+ 66
264
+ 00:02:46.560 --> 00:02:50.459
265
+ [ __ ] alive doing this [ __ ] for
266
+
267
+ 67
268
+ 00:02:48.360 --> 00:02:52.200
269
+ me and it's in and it was just it was
270
+
271
+ 68
272
+ 00:02:50.459 --> 00:02:53.510
273
+ just the illest man and I love him to
274
+
275
+ 69
276
+ 00:02:52.200 --> 00:02:58.080
277
+ death of that you know
278
+
279
+ 70
280
+ 00:02:53.510 --> 00:03:02.360
281
+ [Music]
282
+
283
+ 71
284
+ 00:02:58.080 --> 00:03:02.360
285
+ yeah these first two I need them to go
286
+
287
+ 72
288
+ 00:03:03.060 --> 00:03:07.019
289
+ so in the a man named Scott documentary
290
+
291
+ 73
292
+ 00:03:05.099 --> 00:03:09.480
293
+ playing Pats as a first working with you
294
+
295
+ 74
296
+ 00:03:07.019 --> 00:03:11.940
297
+ it was so different and weird that I'd
298
+
299
+ 75
300
+ 00:03:09.480 --> 00:03:13.739
301
+ feel uncomfortable but I love it was
302
+
303
+ 76
304
+ 00:03:11.940 --> 00:03:16.019
305
+ there a watershed moment maybe it was a
306
+
307
+ 77
308
+ 00:03:13.739 --> 00:03:18.780
309
+ song maybe it was a show where it went
310
+
311
+ 78
312
+ 00:03:16.019 --> 00:03:20.819
313
+ from this sort of experimental Bohemian
314
+
315
+ 79
316
+ 00:03:18.780 --> 00:03:23.700
317
+ exercise to all of a sudden record
318
+
319
+ 80
320
+ 00:03:20.819 --> 00:03:27.300
321
+ labels and a bidding war for you I think
322
+
323
+ 81
324
+ 00:03:23.700 --> 00:03:29.040
325
+ I think it was the mixtape
326
+
327
+ 82
328
+ 00:03:27.300 --> 00:03:30.720
329
+ because the mixtape was playful and fun
330
+
331
+ 83
332
+ 00:03:29.040 --> 00:03:32.220
333
+ and it was just all about like showing
334
+
335
+ 84
336
+ 00:03:30.720 --> 00:03:34.379
337
+ people I could rap and
338
+
339
+ 85
340
+ 00:03:32.220 --> 00:03:37.500
341
+ you know the album was like
342
+
343
+ 86
344
+ 00:03:34.379 --> 00:03:41.340
345
+ no this is like the Oscar nominated
346
+
347
+ 87
348
+ 00:03:37.500 --> 00:03:43.560
349
+ version of an album you know I live with
350
+
351
+ 88
352
+ 00:03:41.340 --> 00:03:45.540
353
+ DOT for almost three years and during
354
+
355
+ 89
356
+ 00:03:43.560 --> 00:03:46.860
357
+ this time we were making music and made
358
+
359
+ 90
360
+ 00:03:45.540 --> 00:03:49.440
361
+ day and night and a number of other
362
+
363
+ 91
364
+ 00:03:46.860 --> 00:03:51.299
365
+ records and from there and then we we
366
+
367
+ 92
368
+ 00:03:49.440 --> 00:03:53.879
369
+ added a meal and then it was just like
370
+
371
+ 93
372
+ 00:03:51.299 --> 00:03:56.280
373
+ when I had those three guys I was I was
374
+
375
+ 94
376
+ 00:03:53.879 --> 00:03:58.319
377
+ golden and I liked even hearing from a
378
+
379
+ 95
380
+ 00:03:56.280 --> 00:04:00.299
381
+ meal when he was talking about how he'd
382
+
383
+ 96
384
+ 00:03:58.319 --> 00:04:01.980
385
+ play you beats that he prepared but you
386
+
387
+ 97
388
+ 00:04:00.299 --> 00:04:03.180
389
+ wouldn't really react to those things it
390
+
391
+ 98
392
+ 00:04:01.980 --> 00:04:05.580
393
+ wasn't until he would just be like
394
+
395
+ 99
396
+ 00:04:03.180 --> 00:04:08.280
397
+ playing Ascent or like pulling out old
398
+
399
+ 100
400
+ 00:04:05.580 --> 00:04:09.959
401
+ records yeah I mean that's because you
402
+
403
+ 101
404
+ 00:04:08.280 --> 00:04:12.379
405
+ know that's the that's the [ __ ] that was
406
+
407
+ 102
408
+ 00:04:09.959 --> 00:04:15.380
409
+ like the type of Records he would play
410
+
411
+ 103
412
+ 00:04:12.379 --> 00:04:19.440
413
+ you know were always like
414
+
415
+ 104
416
+ 00:04:15.380 --> 00:04:22.199
417
+ interesting and like weird you know and
418
+
419
+ 105
420
+ 00:04:19.440 --> 00:04:24.360
421
+ that was you know my [ __ ] like I just
422
+
423
+ 106
424
+ 00:04:22.199 --> 00:04:26.280
425
+ wanted something that didn't sound like
426
+
427
+ 107
428
+ 00:04:24.360 --> 00:04:28.680
429
+ the typical [ __ ] that you would hear in
430
+
431
+ 108
432
+ 00:04:26.280 --> 00:04:30.300
433
+ hip-hop you know like with ghosts like
434
+
435
+ 109
436
+ 00:04:28.680 --> 00:04:33.120
437
+ you hear ghosts you hear that sample I
438
+
439
+ 110
440
+ 00:04:30.300 --> 00:04:35.220
441
+ was like what the [ __ ] you know like and
442
+
443
+ 111
444
+ 00:04:33.120 --> 00:04:37.320
445
+ ghost is still to this day like one of
446
+
447
+ 112
448
+ 00:04:35.220 --> 00:04:39.000
449
+ my top three favorite songs
450
+
451
+ 113
452
+ 00:04:37.320 --> 00:04:41.280
453
+ you're crushing it are you ready to move
454
+
455
+ 114
456
+ 00:04:39.000 --> 00:04:45.139
457
+ on to Wing number three this is Pico
458
+
459
+ 115
460
+ 00:04:41.280 --> 00:04:45.139
461
+ Rico here and you're doing great
462
+
463
+ 116
464
+ 00:04:49.919 --> 00:04:51.919
465
+ um
466
+
467
+ 117
468
+ 00:04:54.199 --> 00:05:00.419
469
+ these first three I'm good but I see
470
+
471
+ 118
472
+ 00:04:58.320 --> 00:05:02.759
473
+ when I get down to here it's probably
474
+
475
+ 119
476
+ 00:05:00.419 --> 00:05:04.800
477
+ gonna get real
478
+
479
+ 120
480
+ 00:05:02.759 --> 00:05:06.540
481
+ so even as your music career exploded
482
+
483
+ 121
484
+ 00:05:04.800 --> 00:05:07.860
485
+ you've still remained a prolific actor
486
+
487
+ 122
488
+ 00:05:06.540 --> 00:05:09.240
489
+ and earlier this year it was announced
490
+
491
+ 123
492
+ 00:05:07.860 --> 00:05:11.160
493
+ that you'd be making your directorial
494
+
495
+ 124
496
+ 00:05:09.240 --> 00:05:13.740
497
+ debut in an upcoming Netflix project
498
+
499
+ 125
500
+ 00:05:11.160 --> 00:05:15.240
501
+ called Teddy what's the best audition
502
+
503
+ 126
504
+ 00:05:13.740 --> 00:05:17.220
505
+ tip or note that you've ever gotten from
506
+
507
+ 127
508
+ 00:05:15.240 --> 00:05:21.080
509
+ Timothy chalman I think I asked him
510
+
511
+ 128
512
+ 00:05:17.220 --> 00:05:21.080
513
+ about crying on camera once
514
+
515
+ 129
516
+ 00:05:21.240 --> 00:05:26.340
517
+ you know I've given him like audition
518
+
519
+ 130
520
+ 00:05:23.699 --> 00:05:28.620
521
+ tapes that I've done before and I'm just
522
+
523
+ 131
524
+ 00:05:26.340 --> 00:05:30.320
525
+ like hell man shoot me straight you know
526
+
527
+ 132
528
+ 00:05:28.620 --> 00:05:32.400
529
+ he's always like oh it's good it's good
530
+
531
+ 133
532
+ 00:05:30.320 --> 00:05:35.340
533
+ he's like I don't know he could be lying
534
+
535
+ 134
536
+ 00:05:32.400 --> 00:05:39.180
537
+ to me uh but he's always he's always
538
+
539
+ 135
540
+ 00:05:35.340 --> 00:05:41.520
541
+ very supportive in in um I know Timmy is
542
+
543
+ 136
544
+ 00:05:39.180 --> 00:05:42.900
545
+ a fan of me for music but I you know I
546
+
547
+ 137
548
+ 00:05:41.520 --> 00:05:43.919
549
+ think he's a fan of me as an actor as
550
+
551
+ 138
552
+ 00:05:42.900 --> 00:05:46.580
553
+ well
554
+
555
+ 139
556
+ 00:05:43.919 --> 00:05:49.080
557
+ my lips are tingling well
558
+
559
+ 140
560
+ 00:05:46.580 --> 00:05:51.479
561
+ a whole lot more is about to happen as
562
+
563
+ 141
564
+ 00:05:49.080 --> 00:05:55.259
565
+ we work our way down but first things
566
+
567
+ 142
568
+ 00:05:51.479 --> 00:05:58.259
569
+ first the hot ones barbacoa
570
+
571
+ 143
572
+ 00:05:55.259 --> 00:05:58.259
573
+ foreign
574
+
575
+ 144
576
+ 00:06:00.580 --> 00:06:04.620
577
+ [Music]
578
+
579
+ 145
580
+ 00:06:01.860 --> 00:06:06.900
581
+ I'm a two bite kind of guy
582
+
583
+ 146
584
+ 00:06:04.620 --> 00:06:09.060
585
+ I respect it I know you do the same
586
+
587
+ 147
588
+ 00:06:06.900 --> 00:06:11.100
589
+ thing I do so I'm trying to
590
+
591
+ 148
592
+ 00:06:09.060 --> 00:06:13.979
593
+ test you I know you're testing me
594
+
595
+ 149
596
+ 00:06:11.100 --> 00:06:15.419
597
+ pushing me yeah who knows maybe you'll
598
+
599
+ 150
600
+ 00:06:13.979 --> 00:06:19.199
601
+ be the only one standing by the end of
602
+
603
+ 151
604
+ 00:06:15.419 --> 00:06:20.400
605
+ this I mean maybe I'm ready but you do
606
+
607
+ 152
608
+ 00:06:19.199 --> 00:06:22.979
609
+ this you do this all the time you do
610
+
611
+ 153
612
+ 00:06:20.400 --> 00:06:25.020
613
+ this on a rig I know right but at some
614
+
615
+ 154
616
+ 00:06:22.979 --> 00:06:26.460
617
+ point I'm gonna hit that wall right I
618
+
619
+ 155
620
+ 00:06:25.020 --> 00:06:29.759
621
+ mean at some point you're gonna be like
622
+
623
+ 156
624
+ 00:06:26.460 --> 00:06:30.960
625
+ I'm tired of fire poopies and you're
626
+
627
+ 157
628
+ 00:06:29.759 --> 00:06:32.580
629
+ just gonna say like that's what I'm
630
+
631
+ 158
632
+ 00:06:30.960 --> 00:06:34.680
633
+ gonna ask you after this man sure you
634
+
635
+ 159
636
+ 00:06:32.580 --> 00:06:36.060
637
+ can ask me during whatever you know this
638
+
639
+ 160
640
+ 00:06:34.680 --> 00:06:38.280
641
+ can be this can go both ways because
642
+
643
+ 161
644
+ 00:06:36.060 --> 00:06:41.160
645
+ your brows are probably like what the
646
+
647
+ 162
648
+ 00:06:38.280 --> 00:06:43.039
649
+ [ __ ] you know what's fascinating is your
650
+
651
+ 163
652
+ 00:06:41.160 --> 00:06:45.840
653
+ body adjusts
654
+
655
+ 164
656
+ 00:06:43.039 --> 00:06:47.699
657
+ this long I'll go to Equinox after this
658
+
659
+ 165
660
+ 00:06:45.840 --> 00:06:50.340
661
+ you know what I mean like oh no way I'm
662
+
663
+ 166
664
+ 00:06:47.699 --> 00:06:51.240
665
+ unstoppable I'm unstoppable I mean who
666
+
667
+ 167
668
+ 00:06:50.340 --> 00:06:52.919
669
+ knows like I don't want to get
670
+
671
+ 168
672
+ 00:06:51.240 --> 00:06:54.060
673
+ overconfident it's like an athlete you
674
+
675
+ 169
676
+ 00:06:52.919 --> 00:06:55.919
677
+ know like I think you probably have a
678
+
679
+ 170
680
+ 00:06:54.060 --> 00:06:57.539
681
+ physical prime and then you know maybe
682
+
683
+ 171
684
+ 00:06:55.919 --> 00:07:00.660
685
+ the wings will start to slow me down but
686
+
687
+ 172
688
+ 00:06:57.539 --> 00:07:02.039
689
+ right now I'm good right now God age
690
+
691
+ 173
692
+ 00:07:00.660 --> 00:07:04.500
693
+ like Brady over here yeah I was like
694
+
695
+ 174
696
+ 00:07:02.039 --> 00:07:05.350
697
+ Sean has a stomach of Steel Man straight
698
+
699
+ 175
700
+ 00:07:04.500 --> 00:07:08.619
701
+ up
702
+
703
+ 176
704
+ 00:07:05.350 --> 00:07:08.619
705
+ [Music]
706
+
707
+ 177
708
+ 00:07:08.840 --> 00:07:16.020
709
+ okay here we go
710
+
711
+ 178
712
+ 00:07:11.300 --> 00:07:16.020
713
+ it's crunchy foreign
714
+
715
+ 179
716
+ 00:07:19.800 --> 00:07:24.240
717
+ do I always have to take two bites you
718
+
719
+ 180
720
+ 00:07:22.319 --> 00:07:25.740
721
+ know you make the rules over here you're
722
+
723
+ 181
724
+ 00:07:24.240 --> 00:07:27.599
725
+ making the rules over here I'm just
726
+
727
+ 182
728
+ 00:07:25.740 --> 00:07:29.099
729
+ following along with you
730
+
731
+ 183
732
+ 00:07:27.599 --> 00:07:30.780
733
+ I'm just hungry so I came in here
734
+
735
+ 184
736
+ 00:07:29.099 --> 00:07:34.139
737
+ starving
738
+
739
+ 185
740
+ 00:07:30.780 --> 00:07:35.880
741
+ um I don't know if that was a good idea
742
+
743
+ 186
744
+ 00:07:34.139 --> 00:07:37.080
745
+ I could cut you every crane segment on
746
+
747
+ 187
748
+ 00:07:35.880 --> 00:07:37.919
749
+ our show called explain that gram we're
750
+
751
+ 188
752
+ 00:07:37.080 --> 00:07:39.539
753
+ gonna do a deep dive in our guest
754
+
755
+ 189
756
+ 00:07:37.919 --> 00:07:41.880
757
+ Instagram interesting pictures that need
758
+
759
+ 190
760
+ 00:07:39.539 --> 00:07:45.180
761
+ more context and for you we have a theme
762
+
763
+ 191
764
+ 00:07:41.880 --> 00:07:46.560
765
+ it's a Kid Cudi style retrospective so
766
+
767
+ 192
768
+ 00:07:45.180 --> 00:07:48.479
769
+ what we've done is we've pulled some of
770
+
771
+ 193
772
+ 00:07:46.560 --> 00:07:50.699
773
+ our favorite Kid Cudi fit picks and
774
+
775
+ 194
776
+ 00:07:48.479 --> 00:07:53.039
777
+ we're just curious how you react how you
778
+
779
+ 195
780
+ 00:07:50.699 --> 00:07:55.740
781
+ reflect looking back on those things now
782
+
783
+ 196
784
+ 00:07:53.039 --> 00:07:57.900
785
+ oh my God all right laptop please Bill
786
+
787
+ 197
788
+ 00:07:55.740 --> 00:08:00.240
789
+ there we go bring it back a laptop very
790
+
791
+ 198
792
+ 00:07:57.900 --> 00:08:01.919
793
+ rare thank you very much
794
+
795
+ 199
796
+ 00:08:00.240 --> 00:08:03.780
797
+ do you have a favorite memory from
798
+
799
+ 200
800
+ 00:08:01.919 --> 00:08:05.220
801
+ walking at the Palais Royal Gardens for
802
+
803
+ 201
804
+ 00:08:03.780 --> 00:08:07.319
805
+ Virgil ablo's first Louis Vuitton
806
+
807
+ 202
808
+ 00:08:05.220 --> 00:08:09.240
809
+ collection yes I do
810
+
811
+ 203
812
+ 00:08:07.319 --> 00:08:10.979
813
+ it just didn't feel real you know the
814
+
815
+ 204
816
+ 00:08:09.240 --> 00:08:14.039
817
+ whole thing was just like
818
+
819
+ 205
820
+ 00:08:10.979 --> 00:08:16.860
821
+ you know like a dream you know
822
+
823
+ 206
824
+ 00:08:14.039 --> 00:08:19.500
825
+ um and I was soaking it up so much that
826
+
827
+ 207
828
+ 00:08:16.860 --> 00:08:22.139
829
+ like uh I was walking really slow on the
830
+
831
+ 208
832
+ 00:08:19.500 --> 00:08:23.460
833
+ on the on the runway so like you can't
834
+
835
+ 209
836
+ 00:08:22.139 --> 00:08:24.900
837
+ see in this picture like there's like
838
+
839
+ 210
840
+ 00:08:23.460 --> 00:08:27.319
841
+ all those people stacked up behind me
842
+
843
+ 211
844
+ 00:08:24.900 --> 00:08:29.340
845
+ that's a trapping Champion
846
+
847
+ 212
848
+ 00:08:27.319 --> 00:08:31.259
849
+ that's why this person's got this good
850
+
851
+ 213
852
+ 00:08:29.340 --> 00:08:32.039
853
+ ass photo because it was like no it was
854
+
855
+ 214
856
+ 00:08:31.259 --> 00:08:34.620
857
+ like
858
+
859
+ 215
860
+ 00:08:32.039 --> 00:08:36.599
861
+ 20 feet between me and the other dude in
862
+
863
+ 216
864
+ 00:08:34.620 --> 00:08:39.779
865
+ front of me like it's like right there
866
+
867
+ 217
868
+ 00:08:36.599 --> 00:08:41.880
869
+ but uh I was just uh I was really high
870
+
871
+ 218
872
+ 00:08:39.779 --> 00:08:45.360
873
+ and I was just soaking it up man I was
874
+
875
+ 219
876
+ 00:08:41.880 --> 00:08:46.800
877
+ like this is a beautiful moment so yeah
878
+
879
+ 220
880
+ 00:08:45.360 --> 00:08:48.420
881
+ what's the biggest difference between
882
+
883
+ 221
884
+ 00:08:46.800 --> 00:08:50.100
885
+ working at a vape store and working at
886
+
887
+ 222
888
+ 00:08:48.420 --> 00:08:52.140
889
+ Abercrombie and Fitch and then how did
890
+
891
+ 223
892
+ 00:08:50.100 --> 00:08:55.380
893
+ each shape your personal style working
894
+
895
+ 224
896
+ 00:08:52.140 --> 00:08:59.640
897
+ at the Abercrombie and fish store
898
+
899
+ 225
900
+ 00:08:55.380 --> 00:09:01.860
901
+ the clothes sucked and it wasn't like it
902
+
903
+ 226
904
+ 00:08:59.640 --> 00:09:04.380
905
+ wasn't like I was like
906
+
907
+ 227
908
+ 00:09:01.860 --> 00:09:05.940
909
+ proud to be wearing Abercrombie and
910
+
911
+ 228
912
+ 00:09:04.380 --> 00:09:08.100
913
+ Fitch like their jeans were all right I
914
+
915
+ 229
916
+ 00:09:05.940 --> 00:09:09.779
917
+ guess they're just right I guess but
918
+
919
+ 230
920
+ 00:09:08.100 --> 00:09:11.160
921
+ when I worked at the base sword that was
922
+
923
+ 231
924
+ 00:09:09.779 --> 00:09:12.839
925
+ the first time I was like oh man like
926
+
927
+ 232
928
+ 00:09:11.160 --> 00:09:15.000
929
+ this is like actually some fresh [ __ ]
930
+
931
+ 233
932
+ 00:09:12.839 --> 00:09:16.019
933
+ but like you know I was so poor when I
934
+
935
+ 234
936
+ 00:09:15.000 --> 00:09:18.720
937
+ got that job
938
+
939
+ 235
940
+ 00:09:16.019 --> 00:09:22.019
941
+ so I didn't own any bait prior to
942
+
943
+ 236
944
+ 00:09:18.720 --> 00:09:24.420
945
+ working there so uh I literally had the
946
+
947
+ 237
948
+ 00:09:22.019 --> 00:09:29.580
949
+ same brown bathing Aid t-shirt and these
950
+
951
+ 238
952
+ 00:09:24.420 --> 00:09:31.260
953
+ jeans and these yellow uh Roasters and I
954
+
955
+ 239
956
+ 00:09:29.580 --> 00:09:32.880
957
+ had that for like two months that outfit
958
+
959
+ 240
960
+ 00:09:31.260 --> 00:09:34.200
961
+ I used to ask my co-workers if I could
962
+
963
+ 241
964
+ 00:09:32.880 --> 00:09:35.459
965
+ borrow some of their clothes and they
966
+
967
+ 242
968
+ 00:09:34.200 --> 00:09:37.740
969
+ would hold me down and let me borrow a
970
+
971
+ 243
972
+ 00:09:35.459 --> 00:09:39.779
973
+ hoodie or two and working at that store
974
+
975
+ 244
976
+ 00:09:37.740 --> 00:09:42.779
977
+ was was like
978
+
979
+ 245
980
+ 00:09:39.779 --> 00:09:44.279
981
+ was like the greatest to me and at that
982
+
983
+ 246
984
+ 00:09:42.779 --> 00:09:47.279
985
+ time like it was bigger than getting a
986
+
987
+ 247
988
+ 00:09:44.279 --> 00:09:49.019
989
+ record deal yeah you know like
990
+
991
+ 248
992
+ 00:09:47.279 --> 00:09:50.580
993
+ and I really wanted the record just that
994
+
995
+ 249
996
+ 00:09:49.019 --> 00:09:51.779
997
+ time you know but it was like oh [ __ ] I
998
+
999
+ 250
1000
+ 00:09:50.580 --> 00:09:54.720
1001
+ got the baby store I'm good you know
1002
+
1003
+ 251
1004
+ 00:09:51.779 --> 00:09:56.940
1005
+ like it just it just it was such a major
1006
+
1007
+ 252
1008
+ 00:09:54.720 --> 00:09:59.760
1009
+ thing because of what it meant to the
1010
+
1011
+ 253
1012
+ 00:09:56.940 --> 00:10:01.200
1013
+ culture and what it was Nigo came to the
1014
+
1015
+ 254
1016
+ 00:09:59.760 --> 00:10:03.060
1017
+ store with the Teriyaki boys one time
1018
+
1019
+ 255
1020
+ 00:10:01.200 --> 00:10:04.620
1021
+ and I met them fast forward all the
1022
+
1023
+ 256
1024
+ 00:10:03.060 --> 00:10:07.260
1025
+ years later when we did the the complex
1026
+
1027
+ 257
1028
+ 00:10:04.620 --> 00:10:09.540
1029
+ magazine cover so it was like this full
1030
+
1031
+ 258
1032
+ 00:10:07.260 --> 00:10:12.420
1033
+ circle moment you know just being around
1034
+
1035
+ 259
1036
+ 00:10:09.540 --> 00:10:13.980
1037
+ the God you know it was so cool man so
1038
+
1039
+ 260
1040
+ 00:10:12.420 --> 00:10:16.560
1041
+ cool
1042
+
1043
+ 261
1044
+ 00:10:13.980 --> 00:10:18.360
1045
+ Bill thank you very much
1046
+
1047
+ 262
1048
+ 00:10:16.560 --> 00:10:20.760
1049
+ I gotta get one of those hot ones
1050
+
1051
+ 263
1052
+ 00:10:18.360 --> 00:10:22.980
1053
+ t-shirts too we got you put it put it in
1054
+
1055
+ 264
1056
+ 00:10:20.760 --> 00:10:24.959
1057
+ his to-go bag with the sauces all right
1058
+
1059
+ 265
1060
+ 00:10:22.980 --> 00:10:27.240
1061
+ and I wanted to go wings too there you
1062
+
1063
+ 266
1064
+ 00:10:24.959 --> 00:10:29.160
1065
+ go do we have extras the first four we
1066
+
1067
+ 267
1068
+ 00:10:27.240 --> 00:10:31.620
1069
+ gotta hit that Rider we gotta hit that
1070
+
1071
+ 268
1072
+ 00:10:29.160 --> 00:10:33.120
1073
+ Rider Kid Cudi are you ready to move on
1074
+
1075
+ 269
1076
+ 00:10:31.620 --> 00:10:34.740
1077
+ here to the back half already you're
1078
+
1079
+ 270
1080
+ 00:10:33.120 --> 00:10:36.360
1081
+ doing great I'm gonna yeah I'm gonna
1082
+
1083
+ 271
1084
+ 00:10:34.740 --> 00:10:37.980
1085
+ waiting for this [ __ ] to get real now
1086
+
1087
+ 272
1088
+ 00:10:36.360 --> 00:10:40.140
1089
+ it's not it hasn't gotten real yet it's
1090
+
1091
+ 273
1092
+ 00:10:37.980 --> 00:10:41.459
1093
+ gonna like you know a little kick it but
1094
+
1095
+ 274
1096
+ 00:10:40.140 --> 00:10:45.540
1097
+ it's not crazy
1098
+
1099
+ 275
1100
+ 00:10:41.459 --> 00:10:48.180
1101
+ this is the sea turmeric bomb
1102
+
1103
+ 276
1104
+ 00:10:45.540 --> 00:10:49.820
1105
+ see if this does it for you I mean this
1106
+
1107
+ 277
1108
+ 00:10:48.180 --> 00:10:52.960
1109
+ [ __ ] is like green
1110
+
1111
+ 278
1112
+ 00:10:49.820 --> 00:10:56.249
1113
+ this [ __ ] looks wrong
1114
+
1115
+ 279
1116
+ 00:10:52.960 --> 00:10:56.249
1117
+ [Music]
1118
+
1119
+ 280
1120
+ 00:10:56.820 --> 00:11:01.620
1121
+ oh my God I'm not gonna take two bites
1122
+
1123
+ 281
1124
+ 00:11:00.480 --> 00:11:04.519
1125
+ yes it's
1126
+
1127
+ 282
1128
+ 00:11:01.620 --> 00:11:04.519
1129
+ um I don't know
1130
+
1131
+ 283
1132
+ 00:11:11.000 --> 00:11:14.540
1133
+ I'm holding down
1134
+
1135
+ 284
1136
+ 00:11:14.940 --> 00:11:20.220
1137
+ hip-hop icons like Jay-Z Nas Eminem and
1138
+
1139
+ 285
1140
+ 00:11:18.240 --> 00:11:22.380
1141
+ Snoop are often credited as being the
1142
+
1143
+ 286
1144
+ 00:11:20.220 --> 00:11:24.060
1145
+ first generation of rap Superstars to
1146
+
1147
+ 287
1148
+ 00:11:22.380 --> 00:11:25.920
1149
+ really show that they can age along with
1150
+
1151
+ 288
1152
+ 00:11:24.060 --> 00:11:27.779
1153
+ the genre I've heard you talk about how
1154
+
1155
+ 289
1156
+ 00:11:25.920 --> 00:11:30.540
1157
+ you don't want to be performing on stage
1158
+
1159
+ 290
1160
+ 00:11:27.779 --> 00:11:33.120
1161
+ late into your 40s but I'm curious are
1162
+
1163
+ 291
1164
+ 00:11:30.540 --> 00:11:34.740
1165
+ there people that you see as paradigms
1166
+
1167
+ 292
1168
+ 00:11:33.120 --> 00:11:36.120
1169
+ for what it looks like to age as an
1170
+
1171
+ 293
1172
+ 00:11:34.740 --> 00:11:38.459
1173
+ artist to you
1174
+
1175
+ 294
1176
+ 00:11:36.120 --> 00:11:41.459
1177
+ yeah like um
1178
+
1179
+ 295
1180
+ 00:11:38.459 --> 00:11:43.620
1181
+ Jay-Z for sure you know
1182
+
1183
+ 296
1184
+ 00:11:41.459 --> 00:11:44.940
1185
+ um but I I feel like I don't have what
1186
+
1187
+ 297
1188
+ 00:11:43.620 --> 00:11:48.959
1189
+ they have
1190
+
1191
+ 298
1192
+ 00:11:44.940 --> 00:11:51.180
1193
+ and explain I don't I just don't
1194
+
1195
+ 299
1196
+ 00:11:48.959 --> 00:11:52.500
1197
+ I just don't know if I want to if I want
1198
+
1199
+ 300
1200
+ 00:11:51.180 --> 00:11:54.540
1201
+ to do
1202
+
1203
+ 301
1204
+ 00:11:52.500 --> 00:11:57.180
1205
+ uh if I want to just do music drop
1206
+
1207
+ 302
1208
+ 00:11:54.540 --> 00:12:00.839
1209
+ albums for too much longer you know I'm
1210
+
1211
+ 303
1212
+ 00:11:57.180 --> 00:12:02.399
1213
+ kind of nearing the end on on all things
1214
+
1215
+ 304
1216
+ 00:12:00.839 --> 00:12:03.959
1217
+ Kid Cudi I think
1218
+
1219
+ 305
1220
+ 00:12:02.399 --> 00:12:07.620
1221
+ it sounds like kind of breaking news
1222
+
1223
+ 306
1224
+ 00:12:03.959 --> 00:12:09.420
1225
+ yeah yeah yeah I'm really curious to see
1226
+
1227
+ 307
1228
+ 00:12:07.620 --> 00:12:10.980
1229
+ what else I can do
1230
+
1231
+ 308
1232
+ 00:12:09.420 --> 00:12:14.700
1233
+ I was thinking about this and this is
1234
+
1235
+ 309
1236
+ 00:12:10.980 --> 00:12:16.500
1237
+ like a a wacky idea I had years ago
1238
+
1239
+ 310
1240
+ 00:12:14.700 --> 00:12:19.140
1241
+ but like it would be cool to like one
1242
+
1243
+ 311
1244
+ 00:12:16.500 --> 00:12:21.240
1245
+ day like be a kindergarten teacher you
1246
+
1247
+ 312
1248
+ 00:12:19.140 --> 00:12:24.120
1249
+ know just do that for like a couple
1250
+
1251
+ 313
1252
+ 00:12:21.240 --> 00:12:26.820
1253
+ years like when I'm like 50 you know
1254
+
1255
+ 314
1256
+ 00:12:24.120 --> 00:12:28.980
1257
+ just like for like 10 years I was a
1258
+
1259
+ 315
1260
+ 00:12:26.820 --> 00:12:30.720
1261
+ kindergarten teacher you know and I just
1262
+
1263
+ 316
1264
+ 00:12:28.980 --> 00:12:32.579
1265
+ like infect the youth with that
1266
+
1267
+ 317
1268
+ 00:12:30.720 --> 00:12:34.860
1269
+ freshness like you can get them young
1270
+
1271
+ 318
1272
+ 00:12:32.579 --> 00:12:36.420
1273
+ and then just those kids will just
1274
+
1275
+ 319
1276
+ 00:12:34.860 --> 00:12:39.230
1277
+ sprinkle the freshness to the world and
1278
+
1279
+ 320
1280
+ 00:12:36.420 --> 00:12:41.270
1281
+ I'll just be like yes
1282
+
1283
+ 321
1284
+ 00:12:39.230 --> 00:12:44.940
1285
+ [Laughter]
1286
+
1287
+ 322
1288
+ 00:12:41.270 --> 00:12:46.680
1289
+ [Music]
1290
+
1291
+ 323
1292
+ 00:12:44.940 --> 00:12:48.720
1293
+ Cosmic Disco
1294
+
1295
+ 324
1296
+ 00:12:46.680 --> 00:12:51.720
1297
+ sounds like my playback
1298
+
1299
+ 325
1300
+ 00:12:48.720 --> 00:12:51.720
1301
+ foreign
1302
+
1303
+ 326
1304
+ 00:12:53.910 --> 00:12:56.970
1305
+ [Music]
1306
+
1307
+ 327
1308
+ 00:12:59.420 --> 00:13:02.839
1309
+ a second bite
1310
+
1311
+ 328
1312
+ 00:13:02.940 --> 00:13:09.440
1313
+ no
1314
+
1315
+ 329
1316
+ 00:13:05.070 --> 00:13:10.930
1317
+ [Music]
1318
+
1319
+ 330
1320
+ 00:13:09.440 --> 00:13:12.959
1321
+ it's that time
1322
+
1323
+ 331
1324
+ 00:13:10.930 --> 00:13:15.360
1325
+ [Music]
1326
+
1327
+ 332
1328
+ 00:13:12.959 --> 00:13:17.339
1329
+ just happens like this I know
1330
+
1331
+ 333
1332
+ 00:13:15.360 --> 00:13:21.480
1333
+ I'm following your lead to the
1334
+
1335
+ 334
1336
+ 00:13:17.339 --> 00:13:23.880
1337
+ strawberry oh my God oh my God
1338
+
1339
+ 335
1340
+ 00:13:21.480 --> 00:13:26.760
1341
+ no
1342
+
1343
+ 336
1344
+ 00:13:23.880 --> 00:13:28.500
1345
+ I'm on the topic of cosmic disco what do
1346
+
1347
+ 337
1348
+ 00:13:26.760 --> 00:13:31.260
1349
+ you mean when you describe the style of
1350
+
1351
+ 338
1352
+ 00:13:28.500 --> 00:13:32.700
1353
+ your music is space punk rock what was
1354
+
1355
+ 339
1356
+ 00:13:31.260 --> 00:13:34.920
1357
+ that repeat the question sweet Jesus
1358
+
1359
+ 340
1360
+ 00:13:32.700 --> 00:13:36.540
1361
+ space punk rock I've heard you describe
1362
+
1363
+ 341
1364
+ 00:13:34.920 --> 00:13:39.079
1365
+ your style of music as space punk rock
1366
+
1367
+ 342
1368
+ 00:13:36.540 --> 00:13:39.079
1369
+ yeah
1370
+
1371
+ 343
1372
+ 00:13:40.380 --> 00:13:52.810
1373
+ it's baseball bro
1374
+
1375
+ 344
1376
+ 00:13:42.650 --> 00:13:52.810
1377
+ [Laughter]
1378
+
1379
+ 345
1380
+ 00:13:54.260 --> 00:14:00.240
1381
+ space punk rock yes that's that damn
1382
+
1383
+ 346
1384
+ 00:13:59.100 --> 00:14:02.760
1385
+ [ __ ]
1386
+
1387
+ 347
1388
+ 00:14:00.240 --> 00:14:06.600
1389
+ oh man uh
1390
+
1391
+ 348
1392
+ 00:14:02.760 --> 00:14:08.639
1393
+ super synthy but Reckless and dangerous
1394
+
1395
+ 349
1396
+ 00:14:06.600 --> 00:14:11.160
1397
+ and edgy
1398
+
1399
+ 350
1400
+ 00:14:08.639 --> 00:14:13.139
1401
+ if aliens visited Earth and all you were
1402
+
1403
+ 351
1404
+ 00:14:11.160 --> 00:14:15.839
1405
+ armed with was a Kid Cudi playlist to
1406
+
1407
+ 352
1408
+ 00:14:13.139 --> 00:14:18.480
1409
+ greet the encounter which Kid Cudi song
1410
+
1411
+ 353
1412
+ 00:14:15.839 --> 00:14:20.579
1413
+ would you have as a way to you know make
1414
+
1415
+ 354
1416
+ 00:14:18.480 --> 00:14:22.620
1417
+ sure Humanity stays in the aliens good
1418
+
1419
+ 355
1420
+ 00:14:20.579 --> 00:14:25.040
1421
+ graces embrace the Martian embrace the
1422
+
1423
+ 356
1424
+ 00:14:22.620 --> 00:14:25.040
1425
+ Martian
1426
+
1427
+ 357
1428
+ 00:14:25.920 --> 00:14:30.060
1429
+ notice how from the second you said that
1430
+
1431
+ 358
1432
+ 00:14:28.200 --> 00:14:31.740
1433
+ you were waiting for it it came you know
1434
+
1435
+ 359
1436
+ 00:14:30.060 --> 00:14:33.959
1437
+ it's like you
1438
+
1439
+ 360
1440
+ 00:14:31.740 --> 00:14:37.160
1441
+ you asked for it Scott
1442
+
1443
+ 361
1444
+ 00:14:33.959 --> 00:14:37.160
1445
+ you asked for it
1446
+
1447
+ 362
1448
+ 00:14:38.280 --> 00:14:41.929
1449
+ [Music]
1450
+
1451
+ 363
1452
+ 00:14:42.660 --> 00:14:45.440
1453
+ oh my God
1454
+
1455
+ 364
1456
+ 00:14:46.740 --> 00:14:51.740
1457
+ oh my God
1458
+
1459
+ 365
1460
+ 00:14:48.600 --> 00:14:51.740
1461
+ oh my God
1462
+
1463
+ 366
1464
+ 00:15:00.079 --> 00:15:04.100
1465
+ and that's immediately
1466
+
1467
+ 367
1468
+ 00:15:05.480 --> 00:15:08.899
1469
+ in outer space
1470
+
1471
+ 368
1472
+ 00:15:09.300 --> 00:15:12.620
1473
+ men on the moon over here
1474
+
1475
+ 369
1476
+ 00:15:12.820 --> 00:15:19.579
1477
+ [Music]
1478
+
1479
+ 370
1480
+ 00:15:16.560 --> 00:15:19.579
1481
+ there's some [ __ ]
1482
+
1483
+ 371
1484
+ 00:15:19.740 --> 00:15:22.940
1485
+ yo man yeah
1486
+
1487
+ 372
1488
+ 00:15:22.980 --> 00:15:28.079
1489
+ this one is [ __ ] up yeah
1490
+
1491
+ 373
1492
+ 00:15:25.079 --> 00:15:29.639
1493
+ 100 these are these last two like this
1494
+
1495
+ 374
1496
+ 00:15:28.079 --> 00:15:30.959
1497
+ kind of like that
1498
+
1499
+ 375
1500
+ 00:15:29.639 --> 00:15:34.019
1501
+ so it's gonna be telling you the truth
1502
+
1503
+ 376
1504
+ 00:15:30.959 --> 00:15:40.620
1505
+ oh my God nothing is like this no okay
1506
+
1507
+ 377
1508
+ 00:15:34.019 --> 00:15:40.620
1509
+ okay it's like this sauce oh my God [ __ ]
1510
+
1511
+ 378
1512
+ 00:15:40.800 --> 00:15:43.800
1513
+ foreign
1514
+
1515
+ 379
1516
+ 00:15:56.720 --> 00:16:01.440
1517
+ so when we had Seth Rogen on the show he
1518
+
1519
+ 380
1520
+ 00:15:59.519 --> 00:16:03.779
1521
+ said that thick patties are for
1522
+
1523
+ 381
1524
+ 00:16:01.440 --> 00:16:05.820
1525
+ [ __ ] as a cheeseburger connoisseur
1526
+
1527
+ 382
1528
+ 00:16:03.779 --> 00:16:08.399
1529
+ yourself do you agree or disagree on
1530
+
1531
+ 383
1532
+ 00:16:05.820 --> 00:16:11.779
1533
+ that big patties
1534
+
1535
+ 384
1536
+ 00:16:08.399 --> 00:16:11.779
1537
+ big patties for [ __ ]
1538
+
1539
+ 385
1540
+ 00:16:13.139 --> 00:16:15.720
1541
+ um
1542
+
1543
+ 386
1544
+ 00:16:14.519 --> 00:16:18.500
1545
+ huh
1546
+
1547
+ 387
1548
+ 00:16:15.720 --> 00:16:18.500
1549
+ oh my God
1550
+
1551
+ 388
1552
+ 00:16:22.740 --> 00:16:28.440
1553
+ see the water soothes better
1554
+
1555
+ 389
1556
+ 00:16:25.620 --> 00:16:31.260
1557
+ so science would tell you that the water
1558
+
1559
+ 390
1560
+ 00:16:28.440 --> 00:16:32.639
1561
+ makes things worse yeah but I find that
1562
+
1563
+ 391
1564
+ 00:16:31.260 --> 00:16:37.100
1565
+ there's something and maybe it's
1566
+
1567
+ 392
1568
+ 00:16:32.639 --> 00:16:37.100
1569
+ psychological about the ice cold water
1570
+
1571
+ 393
1572
+ 00:16:37.620 --> 00:16:41.940
1573
+ it's kind of soothing to me yeah I think
1574
+
1575
+ 394
1576
+ 00:16:39.839 --> 00:16:44.040
1577
+ science is wrong on this one this makes
1578
+
1579
+ 395
1580
+ 00:16:41.940 --> 00:16:46.019
1581
+ it like I feel like I can get through
1582
+
1583
+ 396
1584
+ 00:16:44.040 --> 00:16:48.060
1585
+ I feel like I could get through with the
1586
+
1587
+ 397
1588
+ 00:16:46.019 --> 00:16:50.360
1589
+ water the milkshake
1590
+
1591
+ 398
1592
+ 00:16:48.060 --> 00:16:53.519
1593
+ the milkshake wasn't doing [ __ ]
1594
+
1595
+ 399
1596
+ 00:16:50.360 --> 00:16:57.060
1597
+ milkshake was just like delicious but
1598
+
1599
+ 400
1600
+ 00:16:53.519 --> 00:17:00.300
1601
+ like still like on fire my [ __ ] nose
1602
+
1603
+ 401
1604
+ 00:16:57.060 --> 00:17:02.459
1605
+ is running oh my God sweet Jesus where
1606
+
1607
+ 402
1608
+ 00:17:00.300 --> 00:17:05.579
1609
+ do you fall on ketchup on a burger yay
1610
+
1611
+ 403
1612
+ 00:17:02.459 --> 00:17:07.199
1613
+ or nay on that yeah I mean I'm the type
1614
+
1615
+ 404
1616
+ 00:17:05.579 --> 00:17:09.000
1617
+ of person
1618
+
1619
+ 405
1620
+ 00:17:07.199 --> 00:17:11.400
1621
+ that puts a ridiculous amount of ketchup
1622
+
1623
+ 406
1624
+ 00:17:09.000 --> 00:17:13.319
1625
+ on a burger so much so like when you put
1626
+
1627
+ 407
1628
+ 00:17:11.400 --> 00:17:15.360
1629
+ the top bun on it just runs off the
1630
+
1631
+ 408
1632
+ 00:17:13.319 --> 00:17:17.660
1633
+ sides you know check my favorite thing
1634
+
1635
+ 409
1636
+ 00:17:15.360 --> 00:17:17.660
1637
+ to do
1638
+
1639
+ 410
1640
+ 00:17:20.240 --> 00:17:24.240
1641
+ oh my God
1642
+
1643
+ 411
1644
+ 00:17:22.439 --> 00:17:26.520
1645
+ pucker butt
1646
+
1647
+ 412
1648
+ 00:17:24.240 --> 00:17:29.419
1649
+ it's a show I have to apologize for you
1650
+
1651
+ 413
1652
+ 00:17:26.520 --> 00:17:29.419
1653
+ know okay here we go
1654
+
1655
+ 414
1656
+ 00:17:35.100 --> 00:17:37.580
1657
+ so
1658
+
1659
+ 415
1660
+ 00:17:39.240 --> 00:17:43.880
1661
+ nothing fun about this one but I think
1662
+
1663
+ 416
1664
+ 00:17:40.919 --> 00:17:43.880
1665
+ after the last one
1666
+
1667
+ 417
1668
+ 00:17:45.240 --> 00:17:50.120
1669
+ I know
1670
+
1671
+ 418
1672
+ 00:17:47.000 --> 00:17:50.120
1673
+ I know
1674
+
1675
+ 419
1676
+ 00:17:55.520 --> 00:17:59.760
1677
+ do this
1678
+
1679
+ 420
1680
+ 00:17:57.419 --> 00:18:03.320
1681
+ is a nightmare I thought it was gonna be
1682
+
1683
+ 421
1684
+ 00:17:59.760 --> 00:18:05.160
1685
+ fun talking to you about [ __ ]
1686
+
1687
+ 422
1688
+ 00:18:03.320 --> 00:18:07.740
1689
+ man
1690
+
1691
+ 423
1692
+ 00:18:05.160 --> 00:18:09.419
1693
+ I asked saiya if you get the the fire
1694
+
1695
+ 424
1696
+ 00:18:07.740 --> 00:18:10.980
1697
+ shits after this he said no so that's
1698
+
1699
+ 425
1700
+ 00:18:09.419 --> 00:18:13.200
1701
+ good right and I'm telling you no two
1702
+
1703
+ 426
1704
+ 00:18:10.980 --> 00:18:14.640
1705
+ we're good we're good we're good as bad
1706
+
1707
+ 427
1708
+ 00:18:13.200 --> 00:18:17.700
1709
+ as it is right now that's the worst it's
1710
+
1711
+ 428
1712
+ 00:18:14.640 --> 00:18:19.320
1713
+ gonna be oh my God so I once heard you
1714
+
1715
+ 429
1716
+ 00:18:17.700 --> 00:18:20.940
1717
+ Muse about wanting to go on a bar
1718
+
1719
+ 430
1720
+ 00:18:19.320 --> 00:18:23.700
1721
+ mitzvah tour because you find them to be
1722
+
1723
+ 431
1724
+ 00:18:20.940 --> 00:18:25.260
1725
+ so fun exactly and lucrative what is the
1726
+
1727
+ 432
1728
+ 00:18:23.700 --> 00:18:27.240
1729
+ sickest Bar Mitzvah that you've ever
1730
+
1731
+ 433
1732
+ 00:18:25.260 --> 00:18:29.840
1733
+ performed at oh my God the very first
1734
+
1735
+ 434
1736
+ 00:18:27.240 --> 00:18:34.500
1737
+ one the very first apartment and and
1738
+
1739
+ 435
1740
+ 00:18:29.840 --> 00:18:36.299
1741
+ they they paid me 30 grand
1742
+
1743
+ 436
1744
+ 00:18:34.500 --> 00:18:38.220
1745
+ to do three songs
1746
+
1747
+ 437
1748
+ 00:18:36.299 --> 00:18:40.260
1749
+ I come out and I do a song and the kids
1750
+
1751
+ 438
1752
+ 00:18:38.220 --> 00:18:41.160
1753
+ are all excited I was there and I was
1754
+
1755
+ 439
1756
+ 00:18:40.260 --> 00:18:42.660
1757
+ having a moment and they were like
1758
+
1759
+ 440
1760
+ 00:18:41.160 --> 00:18:44.039
1761
+ taking pictures and I was like wow I
1762
+
1763
+ 441
1764
+ 00:18:42.660 --> 00:18:45.539
1765
+ feel like it's like early on in my
1766
+
1767
+ 442
1768
+ 00:18:44.039 --> 00:18:47.340
1769
+ career so I was just like oh my God
1770
+
1771
+ 443
1772
+ 00:18:45.539 --> 00:18:49.100
1773
+ these kids make me feel more famous than
1774
+
1775
+ 444
1776
+ 00:18:47.340 --> 00:18:51.179
1777
+ I ever felt before in my life you know
1778
+
1779
+ 445
1780
+ 00:18:49.100 --> 00:18:53.640
1781
+ and then
1782
+
1783
+ 446
1784
+ 00:18:51.179 --> 00:18:55.740
1785
+ after that I was like okay
1786
+
1787
+ 447
1788
+ 00:18:53.640 --> 00:18:58.320
1789
+ I've always wanted this Rolex a
1790
+
1791
+ 448
1792
+ 00:18:55.740 --> 00:19:01.620
1793
+ presidential day day right
1794
+
1795
+ 449
1796
+ 00:18:58.320 --> 00:19:02.940
1797
+ I I totally was like okay I'm gonna take
1798
+
1799
+ 450
1800
+ 00:19:01.620 --> 00:19:05.039
1801
+ this money
1802
+
1803
+ 451
1804
+ 00:19:02.940 --> 00:19:07.020
1805
+ and I'm gonna go buy this Rolex
1806
+
1807
+ 452
1808
+ 00:19:05.039 --> 00:19:10.380
1809
+ so that's and I still have that Rolex I
1810
+
1811
+ 453
1812
+ 00:19:07.020 --> 00:19:12.179
1813
+ still wear it to this day and um it was
1814
+
1815
+ 454
1816
+ 00:19:10.380 --> 00:19:14.039
1817
+ it was a great buy it was one of the it
1818
+
1819
+ 455
1820
+ 00:19:12.179 --> 00:19:15.720
1821
+ was one of my most important buys
1822
+
1823
+ 456
1824
+ 00:19:14.039 --> 00:19:18.179
1825
+ because it was like first off I really
1826
+
1827
+ 457
1828
+ 00:19:15.720 --> 00:19:19.860
1829
+ really really really wanted that that
1830
+
1831
+ 458
1832
+ 00:19:18.179 --> 00:19:22.620
1833
+ watch
1834
+
1835
+ 459
1836
+ 00:19:19.860 --> 00:19:24.299
1837
+ and I was dreaming about it before I had
1838
+
1839
+ 460
1840
+ 00:19:22.620 --> 00:19:25.860
1841
+ money and then I finally got it and I
1842
+
1843
+ 461
1844
+ 00:19:24.299 --> 00:19:28.080
1845
+ was like oh man this is so cool you know
1846
+
1847
+ 462
1848
+ 00:19:25.860 --> 00:19:31.200
1849
+ and you have that first bar mitzvah to
1850
+
1851
+ 463
1852
+ 00:19:28.080 --> 00:19:33.000
1853
+ thank for it yeah oh my God
1854
+
1855
+ 464
1856
+ 00:19:31.200 --> 00:19:36.000
1857
+ um
1858
+
1859
+ 465
1860
+ 00:19:33.000 --> 00:19:36.000
1861
+ goddamn
1862
+
1863
+ 466
1864
+ 00:19:36.240 --> 00:19:41.880
1865
+ [Music]
1866
+
1867
+ 467
1868
+ 00:19:39.320 --> 00:19:42.560
1869
+ my jibs are on fire right now Sean
1870
+
1871
+ 468
1872
+ 00:19:41.880 --> 00:19:44.000
1873
+ foreign
1874
+
1875
+ 469
1876
+ 00:19:42.560 --> 00:19:48.559
1877
+ [Music]
1878
+
1879
+ 470
1880
+ 00:19:44.000 --> 00:19:48.559
1881
+ you know let me put a little extra oh
1882
+
1883
+ 471
1884
+ 00:19:48.860 --> 00:19:52.320
1885
+ [Music]
1886
+
1887
+ 472
1888
+ 00:19:50.460 --> 00:19:54.720
1889
+ see that I see that I see that I'm
1890
+
1891
+ 473
1892
+ 00:19:52.320 --> 00:19:55.860
1893
+ following suit okay
1894
+
1895
+ 474
1896
+ 00:19:54.720 --> 00:19:58.320
1897
+ okay
1898
+
1899
+ 475
1900
+ 00:19:55.860 --> 00:20:00.410
1901
+ just for all the marbles cheers get
1902
+
1903
+ 476
1904
+ 00:19:58.320 --> 00:20:10.280
1905
+ Cuddy cheers what a ride yeah
1906
+
1907
+ 477
1908
+ 00:20:00.410 --> 00:20:13.220
1909
+ [Music]
1910
+
1911
+ 478
1912
+ 00:20:10.280 --> 00:20:17.000
1913
+ I know
1914
+
1915
+ 479
1916
+ 00:20:13.220 --> 00:20:17.000
1917
+ oh I know
1918
+
1919
+ 480
1920
+ 00:20:19.100 --> 00:20:22.320
1921
+ my God
1922
+
1923
+ 481
1924
+ 00:20:21.120 --> 00:20:25.320
1925
+ oh
1926
+
1927
+ 482
1928
+ 00:20:22.320 --> 00:20:27.480
1929
+ I know I know but the good news hid
1930
+
1931
+ 483
1932
+ 00:20:25.320 --> 00:20:29.580
1933
+ Cutty is we have reached the end of our
1934
+
1935
+ 484
1936
+ 00:20:27.480 --> 00:20:31.740
1937
+ hot ones Gauntlet and just one more ball
1938
+
1939
+ 485
1940
+ 00:20:29.580 --> 00:20:34.679
1941
+ to balance on your nose before we roll
1942
+
1943
+ 486
1944
+ 00:20:31.740 --> 00:20:37.200
1945
+ credits what the [ __ ] else you want
1946
+
1947
+ 487
1948
+ 00:20:34.679 --> 00:20:39.480
1949
+ you've hummed better Melodies than most
1950
+
1951
+ 488
1952
+ 00:20:37.200 --> 00:20:41.280
1953
+ artists have ever written and fans know
1954
+
1955
+ 489
1956
+ 00:20:39.480 --> 00:20:44.039
1957
+ that you can transform a whole song
1958
+
1959
+ 490
1960
+ 00:20:41.280 --> 00:20:46.200
1961
+ without even using a word so what I'll
1962
+
1963
+ 491
1964
+ 00:20:44.039 --> 00:20:48.960
1965
+ do to close things out is I'll point at
1966
+
1967
+ 492
1968
+ 00:20:46.200 --> 00:20:51.120
1969
+ a sauce and you just hum the first
1970
+
1971
+ 493
1972
+ 00:20:48.960 --> 00:20:52.860
1973
+ feeling that it evokes when you think
1974
+
1975
+ 494
1976
+ 00:20:51.120 --> 00:20:55.280
1977
+ about what it was like to eat that sauce
1978
+
1979
+ 495
1980
+ 00:20:52.860 --> 00:20:55.280
1981
+ okay
1982
+
1983
+ 496
1984
+ 00:20:55.500 --> 00:21:02.480
1985
+ all right up first fly by jig
1986
+
1987
+ 497
1988
+ 00:20:59.310 --> 00:21:02.480
1989
+ [Music]
1990
+
1991
+ 498
1992
+ 00:21:04.200 --> 00:21:10.400
1993
+ [Applause]
1994
+
1995
+ 499
1996
+ 00:21:07.200 --> 00:21:10.400
1997
+ [Music]
1998
+
1999
+ 500
2000
+ 00:21:11.059 --> 00:21:17.940
2001
+ to bomb Beyond insanity
2002
+
2003
+ 501
2004
+ 00:21:14.810 --> 00:21:17.940
2005
+ [Music]
2006
+
2007
+ 502
2008
+ 00:21:20.419 --> 00:21:25.020
2009
+ was that good that was so good looks
2010
+
2011
+ 503
2012
+ 00:21:23.340 --> 00:21:27.539
2013
+ like we have another hit on our hands
2014
+
2015
+ 504
2016
+ 00:21:25.020 --> 00:21:29.640
2017
+ and look at you Kid Cudi taking on the
2018
+
2019
+ 505
2020
+ 00:21:27.539 --> 00:21:31.559
2021
+ hot ones Gauntlet calling your shot
2022
+
2023
+ 506
2024
+ 00:21:29.640 --> 00:21:32.940
2025
+ making it all the way to the end now
2026
+
2027
+ 507
2028
+ 00:21:31.559 --> 00:21:34.740
2029
+ there's nothing left to do but roll out
2030
+
2031
+ 508
2032
+ 00:21:32.940 --> 00:21:36.419
2033
+ the red carpet for you this camera this
2034
+
2035
+ 509
2036
+ 00:21:34.740 --> 00:21:38.460
2037
+ camera this camera let the people know
2038
+
2039
+ 510
2040
+ 00:21:36.419 --> 00:21:39.960
2041
+ what you have going on in your life I
2042
+
2043
+ 511
2044
+ 00:21:38.460 --> 00:21:42.720
2045
+ got this [ __ ] show Intergalactic
2046
+
2047
+ 512
2048
+ 00:21:39.960 --> 00:21:43.799
2049
+ coming out next week oh look I mean it's
2050
+
2051
+ 513
2052
+ 00:21:42.720 --> 00:21:46.020
2053
+ out now I don't know when you guys are
2054
+
2055
+ 514
2056
+ 00:21:43.799 --> 00:21:48.600
2057
+ airing this uh
2058
+
2059
+ 515
2060
+ 00:21:46.020 --> 00:21:51.500
2061
+ got a bunch of stuff going on just stay
2062
+
2063
+ 516
2064
+ 00:21:48.600 --> 00:21:51.500
2065
+ tuned stay tuned
2066
+
2067
+ 517
2068
+ 00:21:52.370 --> 00:21:55.460
2069
+ [Applause]
2070
+
2071
+ 518
2072
+ 00:21:56.539 --> 00:22:00.900
2073
+ oh
2074
+
2075
+ 519
2076
+ 00:21:58.500 --> 00:22:02.520
2077
+ I made it through though you bodied it I
2078
+
2079
+ 520
2080
+ 00:22:00.900 --> 00:22:04.080
2081
+ did and no one can take that away from
2082
+
2083
+ 521
2084
+ 00:22:02.520 --> 00:22:08.100
2085
+ you no one can take that [ __ ] away from
2086
+
2087
+ 522
2088
+ 00:22:04.080 --> 00:22:11.360
2089
+ me Sean no one no one
2090
+
2091
+ 523
2092
+ 00:22:08.100 --> 00:22:11.360
2093
+ they can kiss my ass
2094
+
2095
+ 524
2096
+ 00:22:12.360 --> 00:22:15.380
2097
+ oh my God
2098
+
2099
+ 525
2100
+ 00:22:19.620 --> 00:22:22.559
2101
+ that wins fans thank you so much for
2102
+
2103
+ 526
2104
+ 00:22:21.240 --> 00:22:24.360
2105
+ watching
2106
+
2107
+ 527
2108
+ 00:22:22.559 --> 00:22:26.700
2109
+ what if you want to get your hands on
2110
+
2111
+ 528
2112
+ 00:22:24.360 --> 00:22:28.559
2113
+ the season 19 hot Ones hot sauce
2114
+
2115
+ 529
2116
+ 00:22:26.700 --> 00:22:31.380
2117
+ Gauntlet boy do I have good news for you
2118
+
2119
+ 530
2120
+ 00:22:28.559 --> 00:22:34.020
2121
+ just visit heatness.com heatness.com
2122
+
2123
+ 531
2124
+ 00:22:31.380 --> 00:22:36.960
2125
+ that's heatness.com to get your hands on
2126
+
2127
+ 532
2128
+ 00:22:34.020 --> 00:22:39.960
2129
+ the 10 pack the season 19 hot ones 10
2130
+
2131
+ 533
2132
+ 00:22:36.960 --> 00:22:42.120
2133
+ pack hot ones in a box delivered right
2134
+
2135
+ 534
2136
+ 00:22:39.960 --> 00:22:44.020
2137
+ to your door I highly recommend it it's
2138
+
2139
+ 535
2140
+ 00:22:42.120 --> 00:22:47.099
2141
+ delicious I eat it every week
2142
+
2143
+ 536
2144
+ 00:22:44.020 --> 00:22:47.099
2145
+ [Music]
2146
+
transcripts/8.vtt ADDED
@@ -0,0 +1,2590 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.410 --> 00:00:03.460
5
+ [Music]
6
+
7
+ 2
8
+ 00:00:05.120 --> 00:00:09.750
9
+ oh God
10
+
11
+ 3
12
+ 00:00:06.500 --> 00:00:09.750
13
+ [Applause]
14
+
15
+ 4
16
+ 00:00:13.980 --> 00:00:17.520
17
+ hey what's going on everybody for first
18
+
19
+ 5
20
+ 00:00:16.020 --> 00:00:19.199
21
+ week Feast I'm Sean Evans and you're
22
+
23
+ 6
24
+ 00:00:17.520 --> 00:00:20.760
25
+ watching hot ones it's the show with hot
26
+
27
+ 7
28
+ 00:00:19.199 --> 00:00:22.800
29
+ questions and even hotter wings and
30
+
31
+ 8
32
+ 00:00:20.760 --> 00:00:24.359
33
+ today we're joined by James Corden he's
34
+
35
+ 9
36
+ 00:00:22.800 --> 00:00:25.800
37
+ the 12-time Emmy award-winning host of
38
+
39
+ 10
40
+ 00:00:24.359 --> 00:00:27.359
41
+ The Late Late Show with James Corden and
42
+
43
+ 11
44
+ 00:00:25.800 --> 00:00:29.039
45
+ he has a brand new project on the way as
46
+
47
+ 12
48
+ 00:00:27.359 --> 00:00:30.960
49
+ well starring alongside Sally Hawkins
50
+
51
+ 13
52
+ 00:00:29.039 --> 00:00:32.279
53
+ and the dark comedy drama series mammals
54
+
55
+ 14
56
+ 00:00:30.960 --> 00:00:34.500
57
+ which is set to release on Prime video
58
+
59
+ 15
60
+ 00:00:32.279 --> 00:00:36.899
61
+ November 11th James Corden welcome to
62
+
63
+ 16
64
+ 00:00:34.500 --> 00:00:38.760
65
+ the show thank you for having me how are
66
+
67
+ 17
68
+ 00:00:36.899 --> 00:00:40.379
69
+ you around spicy food before we get
70
+
71
+ 18
72
+ 00:00:38.760 --> 00:00:42.420
73
+ started
74
+
75
+ 19
76
+ 00:00:40.379 --> 00:00:45.360
77
+ um so I'm in for the challenge
78
+
79
+ 20
80
+ 00:00:42.420 --> 00:00:47.280
81
+ plus I really like you and my son thinks
82
+
83
+ 21
84
+ 00:00:45.360 --> 00:00:48.660
85
+ that this is just like the coolest he
86
+
87
+ 22
88
+ 00:00:47.280 --> 00:00:50.820
89
+ thinks there's nothing we've done on The
90
+
91
+ 23
92
+ 00:00:48.660 --> 00:00:52.739
93
+ Late Late Show which even comes close to
94
+
95
+ 24
96
+ 00:00:50.820 --> 00:00:55.640
97
+ being as good as this in terms of viral
98
+
99
+ 25
100
+ 00:00:52.739 --> 00:00:57.960
101
+ moments so when I told him he was like
102
+
103
+ 26
104
+ 00:00:55.640 --> 00:01:00.719
105
+ oh wow
106
+
107
+ 27
108
+ 00:00:57.960 --> 00:01:04.019
109
+ but now I'm here and you can't escape it
110
+
111
+ 28
112
+ 00:01:00.719 --> 00:01:07.880
113
+ yeah I'm I'm really yeah I'm genuinely
114
+
115
+ 29
116
+ 00:01:04.019 --> 00:01:07.880
117
+ quite scared by it scared by all of it
118
+
119
+ 30
120
+ 00:01:08.780 --> 00:01:11.780
121
+ thank you
122
+
123
+ 31
124
+ 00:01:12.540 --> 00:01:22.840
125
+ foreign
126
+
127
+ 32
128
+ 00:01:13.930 --> 00:01:22.840
129
+ [Music]
130
+
131
+ 33
132
+ 00:01:32.520 --> 00:01:35.460
133
+ right well you don't know unless you try
134
+
135
+ 34
136
+ 00:01:33.960 --> 00:01:37.759
137
+ it this will be like your new favorite
138
+
139
+ 35
140
+ 00:01:35.460 --> 00:01:37.759
141
+ food
142
+
143
+ 36
144
+ 00:01:39.360 --> 00:01:43.020
145
+ oh that's fantastic
146
+
147
+ 37
148
+ 00:01:41.340 --> 00:01:44.820
149
+ that's what I'm saying
150
+
151
+ 38
152
+ 00:01:43.020 --> 00:01:46.040
153
+ that's great this has been brilliant
154
+
155
+ 39
156
+ 00:01:44.820 --> 00:01:49.200
157
+ thanks man
158
+
159
+ 40
160
+ 00:01:46.040 --> 00:01:51.439
161
+ cheers guys I did it I crushed it let's
162
+
163
+ 41
164
+ 00:01:49.200 --> 00:01:51.439
165
+ go
166
+
167
+ 42
168
+ 00:01:51.640 --> 00:01:57.119
169
+ [Music]
170
+
171
+ 43
172
+ 00:01:54.899 --> 00:01:58.560
173
+ so in mammals you play the role of Jamie
174
+
175
+ 44
176
+ 00:01:57.119 --> 00:02:00.479
177
+ and Michelin starred Chef whose life
178
+
179
+ 45
180
+ 00:01:58.560 --> 00:02:02.240
181
+ begins to unravel when he discovers a
182
+
183
+ 46
184
+ 00:02:00.479 --> 00:02:05.399
185
+ shocking secret about his pregnant wife
186
+
187
+ 47
188
+ 00:02:02.240 --> 00:02:07.439
189
+ what was the draw or pull for this
190
+
191
+ 48
192
+ 00:02:05.399 --> 00:02:08.880
193
+ particular project for you like have you
194
+
195
+ 49
196
+ 00:02:07.439 --> 00:02:11.340
197
+ long been yearning for a chance to
198
+
199
+ 50
200
+ 00:02:08.880 --> 00:02:13.680
201
+ return to dramatic acting Roots the
202
+
203
+ 51
204
+ 00:02:11.340 --> 00:02:15.720
205
+ thing with this show it's written by a
206
+
207
+ 52
208
+ 00:02:13.680 --> 00:02:19.260
209
+ playwright called Jeff Butterworth who
210
+
211
+ 53
212
+ 00:02:15.720 --> 00:02:23.220
213
+ is a hero of yours yeah he wrote
214
+
215
+ 54
216
+ 00:02:19.260 --> 00:02:26.580
217
+ Skyfall and Ford vs Ferrari the new
218
+
219
+ 55
220
+ 00:02:23.220 --> 00:02:29.580
221
+ Indiana Jones uh he also has written his
222
+
223
+ 56
224
+ 00:02:26.580 --> 00:02:31.379
225
+ last two plays have won Tony Awards and
226
+
227
+ 57
228
+ 00:02:29.580 --> 00:02:32.819
229
+ Olivier Woods a play called Jerusalem a
230
+
231
+ 58
232
+ 00:02:31.379 --> 00:02:35.099
233
+ play called the ferryman
234
+
235
+ 59
236
+ 00:02:32.819 --> 00:02:37.500
237
+ they're the best Knights I've ever
238
+
239
+ 60
240
+ 00:02:35.099 --> 00:02:40.020
241
+ spent in a theater watching those shows
242
+
243
+ 61
244
+ 00:02:37.500 --> 00:02:41.879
245
+ and we actually met in New York he said
246
+
247
+ 62
248
+ 00:02:40.020 --> 00:02:44.640
249
+ look I wrote this show a few years ago
250
+
251
+ 63
252
+ 00:02:41.879 --> 00:02:46.200
253
+ could you do it and I read it and I just
254
+
255
+ 64
256
+ 00:02:44.640 --> 00:02:48.360
257
+ emailed him back straight back and I was
258
+
259
+ 65
260
+ 00:02:46.200 --> 00:02:49.920
261
+ like yes I mean it's the most excited
262
+
263
+ 66
264
+ 00:02:48.360 --> 00:02:52.920
265
+ I've ever been reading a script ever
266
+
267
+ 67
268
+ 00:02:49.920 --> 00:02:55.580
269
+ like I'm so I'm so proud of it as a show
270
+
271
+ 68
272
+ 00:02:52.920 --> 00:02:55.580
273
+ I really am
274
+
275
+ 69
276
+ 00:02:57.860 --> 00:03:04.260
277
+ I'm trying to watch how you're eating it
278
+
279
+ 70
280
+ 00:03:01.019 --> 00:03:06.780
281
+ um you're trying to avoid some lip
282
+
283
+ 71
284
+ 00:03:04.260 --> 00:03:08.400
285
+ touching would that be fair maybe or
286
+
287
+ 72
288
+ 00:03:06.780 --> 00:03:10.200
289
+ maybe I'm like evening it out you know
290
+
291
+ 73
292
+ 00:03:08.400 --> 00:03:11.940
293
+ like front half maybe work this side a
294
+
295
+ 74
296
+ 00:03:10.200 --> 00:03:13.560
297
+ little bit left side work this side a
298
+
299
+ 75
300
+ 00:03:11.940 --> 00:03:15.900
301
+ little bit you don't want the sides you
302
+
303
+ 76
304
+ 00:03:13.560 --> 00:03:17.940
305
+ know 19 Seasons 19 Seasons you learn the
306
+
307
+ 77
308
+ 00:03:15.900 --> 00:03:18.980
309
+ tricks you're working sides of your
310
+
311
+ 78
312
+ 00:03:17.940 --> 00:03:23.940
313
+ mouth
314
+
315
+ 79
316
+ 00:03:18.980 --> 00:03:25.560
317
+ NFL coach a balanced attack yeah you're
318
+
319
+ 80
320
+ 00:03:23.940 --> 00:03:26.900
321
+ playing defense and then you're like go
322
+
323
+ 81
324
+ 00:03:25.560 --> 00:03:29.340
325
+ hit him
326
+
327
+ 82
328
+ 00:03:26.900 --> 00:03:30.540
329
+ wow jeez
330
+
331
+ 83
332
+ 00:03:29.340 --> 00:03:32.459
333
+ again
334
+
335
+ 84
336
+ 00:03:30.540 --> 00:03:35.340
337
+ very pleasant lovely
338
+
339
+ 85
340
+ 00:03:32.459 --> 00:03:37.800
341
+ very pleasant so far so far
342
+
343
+ 86
344
+ 00:03:35.340 --> 00:03:39.300
345
+ very pleasant I'm I'm I would go so far
346
+
347
+ 87
348
+ 00:03:37.800 --> 00:03:41.640
349
+ as I'm having a nice time there we go
350
+
351
+ 88
352
+ 00:03:39.300 --> 00:03:43.620
353
+ we'll see if we can keep it going
354
+
355
+ 89
356
+ 00:03:41.640 --> 00:03:45.480
357
+ so from my understanding hot wings and
358
+
359
+ 90
360
+ 00:03:43.620 --> 00:03:47.220
361
+ carpool karaoke have somewhat similar
362
+
363
+ 91
364
+ 00:03:45.480 --> 00:03:48.720
365
+ origin stories in that you knew you had
366
+
367
+ 92
368
+ 00:03:47.220 --> 00:03:50.760
369
+ something special the second that you
370
+
371
+ 93
372
+ 00:03:48.720 --> 00:03:52.140
373
+ uttered the name and the concept but the
374
+
375
+ 94
376
+ 00:03:50.760 --> 00:03:55.019
377
+ real challenge began when you actually
378
+
379
+ 95
380
+ 00:03:52.140 --> 00:03:57.239
381
+ had to start booking it what is it that
382
+
383
+ 96
384
+ 00:03:55.019 --> 00:03:59.519
385
+ publicist maybe didn't connect or didn't
386
+
387
+ 97
388
+ 00:03:57.239 --> 00:04:02.459
389
+ see about it in the original pitch it
390
+
391
+ 98
392
+ 00:03:59.519 --> 00:04:05.400
393
+ was everything really like I've I've so
394
+
395
+ 99
396
+ 00:04:02.459 --> 00:04:07.019
397
+ certain that we had a good idea I just I
398
+
399
+ 100
400
+ 00:04:05.400 --> 00:04:09.420
401
+ just knew that like oh this makes sense
402
+
403
+ 101
404
+ 00:04:07.019 --> 00:04:11.040
405
+ I get it I'm sure the way that you
406
+
407
+ 102
408
+ 00:04:09.420 --> 00:04:13.439
409
+ thought about this like I remember
410
+
411
+ 103
412
+ 00:04:11.040 --> 00:04:15.540
413
+ reading about you saying like
414
+
415
+ 104
416
+ 00:04:13.439 --> 00:04:17.519
417
+ people open up
418
+
419
+ 105
420
+ 00:04:15.540 --> 00:04:19.139
421
+ in an environment where they're feeling
422
+
423
+ 106
424
+ 00:04:17.519 --> 00:04:21.600
425
+ uncomfortable it's very difficult to
426
+
427
+ 107
428
+ 00:04:19.139 --> 00:04:24.000
429
+ keep your guard up when you're like and
430
+
431
+ 108
432
+ 00:04:21.600 --> 00:04:25.139
433
+ you're sharing something together like I
434
+
435
+ 109
436
+ 00:04:24.000 --> 00:04:27.419
437
+ think this would be very very different
438
+
439
+ 110
440
+ 00:04:25.139 --> 00:04:29.580
441
+ if you sat there and just got the guests
442
+
443
+ 111
444
+ 00:04:27.419 --> 00:04:32.040
445
+ to eat and you didn't right yeah it's
446
+
447
+ 112
448
+ 00:04:29.580 --> 00:04:34.199
449
+ something there's camaraderie in it that
450
+
451
+ 113
452
+ 00:04:32.040 --> 00:04:35.699
453
+ I can already feel when we're doing this
454
+
455
+ 114
456
+ 00:04:34.199 --> 00:04:37.259
457
+ and so there's something about taking
458
+
459
+ 115
460
+ 00:04:35.699 --> 00:04:39.600
461
+ someone and placing them completely on
462
+
463
+ 116
464
+ 00:04:37.259 --> 00:04:41.340
465
+ their own in an environment that is so
466
+
467
+ 117
468
+ 00:04:39.600 --> 00:04:44.639
469
+ recognizable to us
470
+
471
+ 118
472
+ 00:04:41.340 --> 00:04:46.680
473
+ we sing Our lungs out in the car along
474
+
475
+ 119
476
+ 00:04:44.639 --> 00:04:48.120
477
+ to the radio and seeing someone doing
478
+
479
+ 120
480
+ 00:04:46.680 --> 00:04:50.520
481
+ something in the very same way that we
482
+
483
+ 121
484
+ 00:04:48.120 --> 00:04:51.780
485
+ do it I think is quite humanizing and I
486
+
487
+ 122
488
+ 00:04:50.520 --> 00:04:53.759
489
+ think that's what that's what you've
490
+
491
+ 123
492
+ 00:04:51.780 --> 00:04:56.520
493
+ done so brilliantly here is it's a very
494
+
495
+ 124
496
+ 00:04:53.759 --> 00:05:00.320
497
+ very humanizing segment you know
498
+
499
+ 125
500
+ 00:04:56.520 --> 00:05:02.340
501
+ [Music]
502
+
503
+ 126
504
+ 00:05:00.320 --> 00:05:03.840
505
+ now which part of your mouth are you
506
+
507
+ 127
508
+ 00:05:02.340 --> 00:05:05.400
509
+ going to work for this I'm bouncing over
510
+
511
+ 128
512
+ 00:05:03.840 --> 00:05:06.770
513
+ to the left bouncing to the left yeah
514
+
515
+ 129
516
+ 00:05:05.400 --> 00:05:08.100
517
+ yeah
518
+
519
+ 130
520
+ 00:05:06.770 --> 00:05:10.139
521
+ [Music]
522
+
523
+ 131
524
+ 00:05:08.100 --> 00:05:11.940
525
+ I'm back left
526
+
527
+ 132
528
+ 00:05:10.139 --> 00:05:13.139
529
+ smart you know I know that you're a
530
+
531
+ 133
532
+ 00:05:11.940 --> 00:05:14.940
533
+ rookie but that's a veteran move right
534
+
535
+ 134
536
+ 00:05:13.139 --> 00:05:17.180
537
+ there I'm back left watch this watch
538
+
539
+ 135
540
+ 00:05:14.940 --> 00:05:17.180
541
+ this
542
+
543
+ 136
544
+ 00:05:18.720 --> 00:05:23.400
545
+ yeah
546
+
547
+ 137
548
+ 00:05:20.280 --> 00:05:25.380
549
+ right there I'm about right you say my
550
+
551
+ 138
552
+ 00:05:23.400 --> 00:05:27.240
553
+ first rodeo
554
+
555
+ 139
556
+ 00:05:25.380 --> 00:05:29.220
557
+ when we had Russell Brand on the show he
558
+
559
+ 140
560
+ 00:05:27.240 --> 00:05:31.199
561
+ taught me the chant up your ass up your
562
+
563
+ 141
564
+ 00:05:29.220 --> 00:05:33.060
565
+ ass stick your blue flag up your ass yes
566
+
567
+ 142
568
+ 00:05:31.199 --> 00:05:34.440
569
+ as a fellow West Ham supporter do you
570
+
571
+ 143
572
+ 00:05:33.060 --> 00:05:36.419
573
+ have a favorite song or chance to scream
574
+
575
+ 144
576
+ 00:05:34.440 --> 00:05:39.479
577
+ from The Terraces
578
+
579
+ 145
580
+ 00:05:36.419 --> 00:05:41.820
581
+ I actually had the experience
582
+
583
+ 146
584
+ 00:05:39.479 --> 00:05:43.979
585
+ I think of what it feels like to be like
586
+
587
+ 147
588
+ 00:05:41.820 --> 00:05:46.199
589
+ a West Ham manager
590
+
591
+ 148
592
+ 00:05:43.979 --> 00:05:48.300
593
+ I'd gone to Emirates Stadium to watch
594
+
595
+ 149
596
+ 00:05:46.199 --> 00:05:50.820
597
+ West Ham play Arsenal and I was sat
598
+
599
+ 150
600
+ 00:05:48.300 --> 00:05:53.100
601
+ right above the West Ham fans
602
+
603
+ 151
604
+ 00:05:50.820 --> 00:05:56.280
605
+ and one started chanting one James
606
+
607
+ 152
608
+ 00:05:53.100 --> 00:05:57.780
609
+ Corden there's only one James Corden and
610
+
611
+ 153
612
+ 00:05:56.280 --> 00:05:59.940
613
+ I was like oh my God I couldn't believe
614
+
615
+ 154
616
+ 00:05:57.780 --> 00:06:01.979
617
+ it I was laughing I was like these are
618
+
619
+ 155
620
+ 00:05:59.940 --> 00:06:03.960
621
+ like I used to sit with these people in
622
+
623
+ 156
624
+ 00:06:01.979 --> 00:06:05.639
625
+ like the lower Bobby Moore abton Park I
626
+
627
+ 157
628
+ 00:06:03.960 --> 00:06:08.400
629
+ can't believe this then one of them said
630
+
631
+ 158
632
+ 00:06:05.639 --> 00:06:09.600
633
+ uh Cordon give us a song called and
634
+
635
+ 159
636
+ 00:06:08.400 --> 00:06:10.800
637
+ called and give us a song and there's a
638
+
639
+ 160
640
+ 00:06:09.600 --> 00:06:12.960
641
+ back and forth
642
+
643
+ 161
644
+ 00:06:10.800 --> 00:06:14.820
645
+ song that West Ham fans singing about oh
646
+
647
+ 162
648
+ 00:06:12.960 --> 00:06:17.880
649
+ East London oh East London is wonderful
650
+
651
+ 163
652
+ 00:06:14.820 --> 00:06:19.320
653
+ is wonderful uh so we sang that I
654
+
655
+ 164
656
+ 00:06:17.880 --> 00:06:22.259
657
+ started it they turned it back I was
658
+
659
+ 165
660
+ 00:06:19.320 --> 00:06:24.360
661
+ like this is amazing and then uh and
662
+
663
+ 166
664
+ 00:06:22.259 --> 00:06:27.139
665
+ then someone just went Gordon is a
666
+
667
+ 167
668
+ 00:06:24.360 --> 00:06:29.280
669
+ wanker Coral is a wanker
670
+
671
+ 168
672
+ 00:06:27.139 --> 00:06:31.740
673
+ and then they all started so I was like
674
+
675
+ 169
676
+ 00:06:29.280 --> 00:06:33.479
677
+ whoa that's a good turn that really
678
+
679
+ 170
680
+ 00:06:31.740 --> 00:06:36.360
681
+ should to go and then one of them
682
+
683
+ 171
684
+ 00:06:33.479 --> 00:06:40.500
685
+ started singing uh get your tits out for
686
+
687
+ 172
688
+ 00:06:36.360 --> 00:06:41.880
689
+ the lads oh wow I really had a moment I
690
+
691
+ 173
692
+ 00:06:40.500 --> 00:06:43.979
693
+ imagine that's what it feels like to be
694
+
695
+ 174
696
+ 00:06:41.880 --> 00:06:45.360
697
+ West Ham manager you win three games the
698
+
699
+ 175
700
+ 00:06:43.979 --> 00:06:47.400
701
+ fans are like you're amazing and then
702
+
703
+ 176
704
+ 00:06:45.360 --> 00:06:50.460
705
+ immediately you're like you're dead and
706
+
707
+ 177
708
+ 00:06:47.400 --> 00:06:52.740
709
+ uh yeah it was a lesson in uh just you
710
+
711
+ 178
712
+ 00:06:50.460 --> 00:06:54.900
713
+ know being uh
714
+
715
+ 179
716
+ 00:06:52.740 --> 00:06:57.319
717
+ not taking everything with a bag of salt
718
+
719
+ 180
720
+ 00:06:54.900 --> 00:06:57.319
721
+ you know
722
+
723
+ 181
724
+ 00:07:00.300 --> 00:07:06.259
725
+ Los Calientes now you said that like
726
+
727
+ 182
728
+ 00:07:02.940 --> 00:07:06.259
729
+ it's turning up a notch
730
+
731
+ 183
732
+ 00:07:06.479 --> 00:07:10.020
733
+ I'm again working the back left
734
+
735
+ 184
736
+ 00:07:08.580 --> 00:07:11.580
737
+ I see it
738
+
739
+ 185
740
+ 00:07:10.020 --> 00:07:13.139
741
+ but so far you're doing good I'm gonna
742
+
743
+ 186
744
+ 00:07:11.580 --> 00:07:15.600
745
+ try and David Blaine it
746
+
747
+ 187
748
+ 00:07:13.139 --> 00:07:17.460
749
+ just I'm just gonna try and playing it
750
+
751
+ 188
752
+ 00:07:15.600 --> 00:07:19.800
753
+ no I'm just gonna try you know David
754
+
755
+ 189
756
+ 00:07:17.460 --> 00:07:22.080
757
+ Blaine was on our show last week right
758
+
759
+ 190
760
+ 00:07:19.800 --> 00:07:24.599
761
+ two weeks ago same with ours actually
762
+
763
+ 191
764
+ 00:07:22.080 --> 00:07:27.060
765
+ and I never I never know what he's gonna
766
+
767
+ 192
768
+ 00:07:24.599 --> 00:07:29.039
769
+ do the trick because I I love the
770
+
771
+ 193
772
+ 00:07:27.060 --> 00:07:29.880
773
+ element of surprise of it he enjoys that
774
+
775
+ 194
776
+ 00:07:29.039 --> 00:07:32.639
777
+ too
778
+
779
+ 195
780
+ 00:07:29.880 --> 00:07:34.680
781
+ so he comes on the show and he just goes
782
+
783
+ 196
784
+ 00:07:32.639 --> 00:07:36.599
785
+ to me do you trust me he makes me take
786
+
787
+ 197
788
+ 00:07:34.680 --> 00:07:40.380
789
+ out a hundred dollar bill and he lights
790
+
791
+ 198
792
+ 00:07:36.599 --> 00:07:42.120
793
+ it on fire and pours a mug of water on
794
+
795
+ 199
796
+ 00:07:40.380 --> 00:07:45.120
797
+ the ash of the hundred dollar bill and
798
+
799
+ 200
800
+ 00:07:42.120 --> 00:07:47.880
801
+ then he goes to me drink it so I drink
802
+
803
+ 201
804
+ 00:07:45.120 --> 00:07:49.979
805
+ it right I drink the whole thing he then
806
+
807
+ 202
808
+ 00:07:47.880 --> 00:07:51.900
809
+ does the sketch it's amazing there's a
810
+
811
+ 203
812
+ 00:07:49.979 --> 00:07:53.699
813
+ bird comes out lands on the stage
814
+
815
+ 204
816
+ 00:07:51.900 --> 00:07:54.960
817
+ holding a hundred dollar bill with the
818
+
819
+ 205
820
+ 00:07:53.699 --> 00:07:57.180
821
+ exact same
822
+
823
+ 206
824
+ 00:07:54.960 --> 00:08:00.660
825
+ Security numbers when it's crazy
826
+
827
+ 207
828
+ 00:07:57.180 --> 00:08:03.139
829
+ as soon as we go to break he goes
830
+
831
+ 208
832
+ 00:08:00.660 --> 00:08:06.479
833
+ dude I can't believe you drunk that
834
+
835
+ 209
836
+ 00:08:03.139 --> 00:08:07.979
837
+ and our producer Rob runs up and goes
838
+
839
+ 210
840
+ 00:08:06.479 --> 00:08:08.940
841
+ you weren't going to drink it you
842
+
843
+ 211
844
+ 00:08:07.979 --> 00:08:10.020
845
+ weren't meant to drink the water I'm
846
+
847
+ 212
848
+ 00:08:08.940 --> 00:08:12.120
849
+ like well
850
+
851
+ 213
852
+ 00:08:10.020 --> 00:08:15.360
853
+ why'd you give me your heads up yeah
854
+
855
+ 214
856
+ 00:08:12.120 --> 00:08:17.099
857
+ nobody said and I go to David Lane I go
858
+
859
+ 215
860
+ 00:08:15.360 --> 00:08:19.080
861
+ am I gonna am I gonna be all right am I
862
+
863
+ 216
864
+ 00:08:17.099 --> 00:08:20.819
865
+ gonna be okay he goes yeah yeah he goes
866
+
867
+ 217
868
+ 00:08:19.080 --> 00:08:23.759
869
+ you know when you put a cigarette out on
870
+
871
+ 218
872
+ 00:08:20.819 --> 00:08:25.379
873
+ your tongue it's no worse and I was like
874
+
875
+ 219
876
+ 00:08:23.759 --> 00:08:27.060
877
+ um okay because that's a reference point
878
+
879
+ 220
880
+ 00:08:25.379 --> 00:08:29.520
881
+ that lots of people are aware you know
882
+
883
+ 221
884
+ 00:08:27.060 --> 00:08:31.979
885
+ like oh yeah of course yeah did it on
886
+
887
+ 222
888
+ 00:08:29.520 --> 00:08:35.159
889
+ Friday yeah
890
+
891
+ 223
892
+ 00:08:31.979 --> 00:08:36.899
893
+ so I'm gonna blame it blame it okay here
894
+
895
+ 224
896
+ 00:08:35.159 --> 00:08:38.940
897
+ we go
898
+
899
+ 225
900
+ 00:08:36.899 --> 00:08:41.099
901
+ okay I feel like we're about I felt like
902
+
903
+ 226
904
+ 00:08:38.940 --> 00:08:43.520
905
+ we're in the we're in the change Zone
906
+
907
+ 227
908
+ 00:08:41.099 --> 00:08:43.520
909
+ I feel
910
+
911
+ 228
912
+ 00:08:49.320 --> 00:08:53.580
913
+ probably honest as a taste that's
914
+
915
+ 229
916
+ 00:08:52.560 --> 00:08:55.380
917
+ delicious
918
+
919
+ 230
920
+ 00:08:53.580 --> 00:08:57.120
921
+ you know it set my taste buds to light
922
+
923
+ 231
924
+ 00:08:55.380 --> 00:08:58.860
925
+ they're not lying
926
+
927
+ 232
928
+ 00:08:57.120 --> 00:09:01.080
929
+ but it's they've put it on quite a low
930
+
931
+ 233
932
+ 00:08:58.860 --> 00:09:03.120
933
+ flame you know they've put it on a nice
934
+
935
+ 234
936
+ 00:09:01.080 --> 00:09:05.160
937
+ it's a simmer yeah a nice pleasant slow
938
+
939
+ 235
940
+ 00:09:03.120 --> 00:09:06.779
941
+ rope nice slow roast nice slow roast
942
+
943
+ 236
944
+ 00:09:05.160 --> 00:09:09.060
945
+ yeah we can put this on leave it all day
946
+
947
+ 237
948
+ 00:09:06.779 --> 00:09:10.980
949
+ the meat's gonna fall off the bone come
950
+
951
+ 238
952
+ 00:09:09.060 --> 00:09:12.240
953
+ 6 p.m all right James we have a very
954
+
955
+ 239
956
+ 00:09:10.980 --> 00:09:13.740
957
+ cream segment on our show called explain
958
+
959
+ 240
960
+ 00:09:12.240 --> 00:09:14.940
961
+ that gram where we do a deep dive on our
962
+
963
+ 241
964
+ 00:09:13.740 --> 00:09:17.040
965
+ guests and scramble interesting pictures
966
+
967
+ 242
968
+ 00:09:14.940 --> 00:09:18.720
969
+ that need more contact so I'll show you
970
+
971
+ 243
972
+ 00:09:17.040 --> 00:09:20.940
973
+ the picture over here on the laptop you
974
+
975
+ 244
976
+ 00:09:18.720 --> 00:09:23.459
977
+ just tell us the bigger story laptop
978
+
979
+ 245
980
+ 00:09:20.940 --> 00:09:24.899
981
+ please thank you Bill you're welcome I
982
+
983
+ 246
984
+ 00:09:23.459 --> 00:09:27.540
985
+ mean I think it is worth saying that I
986
+
987
+ 247
988
+ 00:09:24.899 --> 00:09:28.440
989
+ almost never post on Instagram yeah
990
+
991
+ 248
992
+ 00:09:27.540 --> 00:09:31.019
993
+ actually
994
+
995
+ 249
996
+ 00:09:28.440 --> 00:09:32.640
997
+ um side note we went into the Gettys
998
+
999
+ 250
1000
+ 00:09:31.019 --> 00:09:34.440
1001
+ because also they're easily they're
1002
+
1003
+ 251
1004
+ 00:09:32.640 --> 00:09:36.300
1005
+ easier to clear in post okay but that's
1006
+
1007
+ 252
1008
+ 00:09:34.440 --> 00:09:38.240
1009
+ that's the that's a hot one secret all
1010
+
1011
+ 253
1012
+ 00:09:36.300 --> 00:09:41.040
1013
+ right that's okay
1014
+
1015
+ 254
1016
+ 00:09:38.240 --> 00:09:42.180
1017
+ don't you worry about that do you
1018
+
1019
+ 255
1020
+ 00:09:41.040 --> 00:09:43.740
1021
+ remember the moment they gave you the
1022
+
1023
+ 256
1024
+ 00:09:42.180 --> 00:09:45.779
1025
+ biggest Adrenaline Rush while ripping
1026
+
1027
+ 257
1028
+ 00:09:43.740 --> 00:09:48.600
1029
+ through the sky in a 40s era fighter jet
1030
+
1031
+ 258
1032
+ 00:09:45.779 --> 00:09:50.220
1033
+ flown by Tom Cruise I.T
1034
+
1035
+ 259
1036
+ 00:09:48.600 --> 00:09:52.380
1037
+ it's a Tom code
1038
+
1039
+ 260
1040
+ 00:09:50.220 --> 00:09:57.480
1041
+ and you know it's Tom Cruise so he just
1042
+
1043
+ 261
1044
+ 00:09:52.380 --> 00:10:00.180
1045
+ goes James listen to me I am never ever
1046
+
1047
+ 262
1048
+ 00:09:57.480 --> 00:10:01.500
1049
+ gonna put your life in danger you just
1050
+
1051
+ 263
1052
+ 00:10:00.180 --> 00:10:03.180
1053
+ gotta trust me you know it's all like
1054
+
1055
+ 264
1056
+ 00:10:01.500 --> 00:10:04.620
1057
+ that and what was amazing and what he
1058
+
1059
+ 265
1060
+ 00:10:03.180 --> 00:10:06.480
1061
+ did say that really did put me at ease
1062
+
1063
+ 266
1064
+ 00:10:04.620 --> 00:10:08.700
1065
+ was he said the reason we have to do it
1066
+
1067
+ 267
1068
+ 00:10:06.480 --> 00:10:11.640
1069
+ now is I'm flying every day I'm
1070
+
1071
+ 268
1072
+ 00:10:08.700 --> 00:10:12.480
1073
+ completely match fit the most terrifying
1074
+
1075
+ 269
1076
+ 00:10:11.640 --> 00:10:14.700
1077
+ bit
1078
+
1079
+ 270
1080
+ 00:10:12.480 --> 00:10:16.440
1081
+ he just went okay you ready
1082
+
1083
+ 271
1084
+ 00:10:14.700 --> 00:10:17.760
1085
+ and I was like for what and I can't
1086
+
1087
+ 272
1088
+ 00:10:16.440 --> 00:10:19.920
1089
+ remember what he called it like a death
1090
+
1091
+ 273
1092
+ 00:10:17.760 --> 00:10:21.600
1093
+ roll or something where basically the
1094
+
1095
+ 274
1096
+ 00:10:19.920 --> 00:10:23.040
1097
+ plane just goes
1098
+
1099
+ 275
1100
+ 00:10:21.600 --> 00:10:25.500
1101
+ what should I do with the wing yeah the
1102
+
1103
+ 276
1104
+ 00:10:23.040 --> 00:10:27.240
1105
+ plane goes it's you're here and and
1106
+
1107
+ 277
1108
+ 00:10:25.500 --> 00:10:29.060
1109
+ you're up this way and it just goes like
1110
+
1111
+ 278
1112
+ 00:10:27.240 --> 00:10:31.800
1113
+ this
1114
+
1115
+ 279
1116
+ 00:10:29.060 --> 00:10:34.580
1117
+ oh and twists
1118
+
1119
+ 280
1120
+ 00:10:31.800 --> 00:10:34.580
1121
+ and
1122
+
1123
+ 281
1124
+ 00:10:34.620 --> 00:10:38.580
1125
+ you're like
1126
+
1127
+ 282
1128
+ 00:10:35.940 --> 00:10:40.140
1129
+ like falling to the to the and you can
1130
+
1131
+ 283
1132
+ 00:10:38.580 --> 00:10:42.360
1133
+ see the Earth
1134
+
1135
+ 284
1136
+ 00:10:40.140 --> 00:10:43.820
1137
+ and you're in an old plane so it's
1138
+
1139
+ 285
1140
+ 00:10:42.360 --> 00:10:46.740
1141
+ really hot
1142
+
1143
+ 286
1144
+ 00:10:43.820 --> 00:10:48.360
1145
+ and you can't help but just go
1146
+
1147
+ 287
1148
+ 00:10:46.740 --> 00:10:50.700
1149
+ about that then he pulls you back up and
1150
+
1151
+ 288
1152
+ 00:10:48.360 --> 00:10:52.019
1153
+ like and he's of course just cracking up
1154
+
1155
+ 289
1156
+ 00:10:50.700 --> 00:10:54.360
1157
+ because he just thinks this
1158
+
1159
+ 290
1160
+ 00:10:52.019 --> 00:10:55.920
1161
+ is hilarious there was a lot going
1162
+
1163
+ 291
1164
+ 00:10:54.360 --> 00:10:59.399
1165
+ through my mind when I did it a lot of
1166
+
1167
+ 292
1168
+ 00:10:55.920 --> 00:11:01.320
1169
+ it was like if something happens
1170
+
1171
+ 293
1172
+ 00:10:59.399 --> 00:11:03.360
1173
+ bad
1174
+
1175
+ 294
1176
+ 00:11:01.320 --> 00:11:05.700
1177
+ for the rest of their lives my children
1178
+
1179
+ 295
1180
+ 00:11:03.360 --> 00:11:07.440
1181
+ might be somewhere
1182
+
1183
+ 296
1184
+ 00:11:05.700 --> 00:11:09.540
1185
+ and people will go
1186
+
1187
+ 297
1188
+ 00:11:07.440 --> 00:11:11.760
1189
+ do you know who that is
1190
+
1191
+ 298
1192
+ 00:11:09.540 --> 00:11:13.620
1193
+ their dad killed Tom Cruise
1194
+
1195
+ 299
1196
+ 00:11:11.760 --> 00:11:15.959
1197
+ but that would be the takeaway my my
1198
+
1199
+ 300
1200
+ 00:11:13.620 --> 00:11:17.399
1201
+ death would just be irrelevant it would
1202
+
1203
+ 301
1204
+ 00:11:15.959 --> 00:11:20.339
1205
+ just be the fact that I it's because of
1206
+
1207
+ 302
1208
+ 00:11:17.399 --> 00:11:22.860
1209
+ me a segment for my show I killed the
1210
+
1211
+ 303
1212
+ 00:11:20.339 --> 00:11:25.720
1213
+ greatest movie star perhaps of all time
1214
+
1215
+ 304
1216
+ 00:11:22.860 --> 00:11:28.809
1217
+ and they would have to live with that
1218
+
1219
+ 305
1220
+ 00:11:25.720 --> 00:11:28.809
1221
+ [Music]
1222
+
1223
+ 306
1224
+ 00:11:31.079 --> 00:11:36.500
1225
+ smells a bit different no
1226
+
1227
+ 307
1228
+ 00:11:33.180 --> 00:11:36.500
1229
+ okay I'm going in
1230
+
1231
+ 308
1232
+ 00:11:40.440 --> 00:11:44.459
1233
+ there's no chewing strategy that works
1234
+
1235
+ 309
1236
+ 00:11:42.600 --> 00:11:46.740
1237
+ at a time like this right it's just all
1238
+
1239
+ 310
1240
+ 00:11:44.459 --> 00:11:49.560
1241
+ out attack now
1242
+
1243
+ 311
1244
+ 00:11:46.740 --> 00:11:53.399
1245
+ oh okay
1246
+
1247
+ 312
1248
+ 00:11:49.560 --> 00:11:56.120
1249
+ okay I see what you do here you loved me
1250
+
1251
+ 313
1252
+ 00:11:53.399 --> 00:11:56.120
1253
+ yep
1254
+
1255
+ 314
1256
+ 00:11:57.190 --> 00:12:02.710
1257
+ [Applause]
1258
+
1259
+ 315
1260
+ 00:12:03.980 --> 00:12:09.120
1261
+ oh God
1262
+
1263
+ 316
1264
+ 00:12:06.420 --> 00:12:10.860
1265
+ so since the 1950s hosting a network TV
1266
+
1267
+ 317
1268
+ 00:12:09.120 --> 00:12:12.839
1269
+ show I think was a job that most people
1270
+
1271
+ 318
1272
+ 00:12:10.860 --> 00:12:14.279
1273
+ considered a lifetime appointment but
1274
+
1275
+ 319
1276
+ 00:12:12.839 --> 00:12:15.779
1277
+ that's obviously a thing of the past
1278
+
1279
+ 320
1280
+ 00:12:14.279 --> 00:12:17.760
1281
+ with multiple hosts in the last couple
1282
+
1283
+ 321
1284
+ 00:12:15.779 --> 00:12:20.220
1285
+ years including yourself announcing
1286
+
1287
+ 322
1288
+ 00:12:17.760 --> 00:12:22.620
1289
+ imminent departures do you have a take
1290
+
1291
+ 323
1292
+ 00:12:20.220 --> 00:12:24.180
1293
+ on the endless inks build the conjecture
1294
+
1295
+ 324
1296
+ 00:12:22.620 --> 00:12:24.959
1297
+ and questioning about the future of late
1298
+
1299
+ 325
1300
+ 00:12:24.180 --> 00:12:27.480
1301
+ night
1302
+
1303
+ 326
1304
+ 00:12:24.959 --> 00:12:29.220
1305
+ you know historically the slot that I'm
1306
+
1307
+ 327
1308
+ 00:12:27.480 --> 00:12:32.820
1309
+ in that 12 30 slot has been like
1310
+
1311
+ 328
1312
+ 00:12:29.220 --> 00:12:34.860
1313
+ students snoners Stoners insomniacs
1314
+
1315
+ 329
1316
+ 00:12:32.820 --> 00:12:37.140
1317
+ night shift workers that's that's your
1318
+
1319
+ 330
1320
+ 00:12:34.860 --> 00:12:39.060
1321
+ key demographic as far as I can work out
1322
+
1323
+ 331
1324
+ 00:12:37.140 --> 00:12:41.339
1325
+ all of those people are still watching
1326
+
1327
+ 332
1328
+ 00:12:39.060 --> 00:12:42.600
1329
+ things they're just not really reaching
1330
+
1331
+ 333
1332
+ 00:12:41.339 --> 00:12:44.519
1333
+ for the button to go like what time is
1334
+
1335
+ 334
1336
+ 00:12:42.600 --> 00:12:46.200
1337
+ it we should put that on and I think
1338
+
1339
+ 335
1340
+ 00:12:44.519 --> 00:12:47.399
1341
+ this probably happened before I started
1342
+
1343
+ 336
1344
+ 00:12:46.200 --> 00:12:49.139
1345
+ the late lecture was starting to happen
1346
+
1347
+ 337
1348
+ 00:12:47.399 --> 00:12:51.120
1349
+ I've certainly felt it happen while
1350
+
1351
+ 338
1352
+ 00:12:49.139 --> 00:12:52.680
1353
+ we're doing it the the nature of them
1354
+
1355
+ 339
1356
+ 00:12:51.120 --> 00:12:53.880
1357
+ has changed whereas like what it used to
1358
+
1359
+ 340
1360
+ 00:12:52.680 --> 00:12:57.120
1361
+ be is like
1362
+
1363
+ 341
1364
+ 00:12:53.880 --> 00:13:01.260
1365
+ this was the only place you'd ever see
1366
+
1367
+ 342
1368
+ 00:12:57.120 --> 00:13:04.680
1369
+ right these huge stars as themselves you
1370
+
1371
+ 343
1372
+ 00:13:01.260 --> 00:13:07.440
1373
+ know and now like
1374
+
1375
+ 344
1376
+ 00:13:04.680 --> 00:13:09.420
1377
+ you you can open your phone and you can
1378
+
1379
+ 345
1380
+ 00:13:07.440 --> 00:13:11.700
1381
+ see some of the biggest stars in the
1382
+
1383
+ 346
1384
+ 00:13:09.420 --> 00:13:14.399
1385
+ world in their house
1386
+
1387
+ 347
1388
+ 00:13:11.700 --> 00:13:16.260
1389
+ talking to you from their kitchen so
1390
+
1391
+ 348
1392
+ 00:13:14.399 --> 00:13:19.320
1393
+ suddenly the notion of a talk show is
1394
+
1395
+ 349
1396
+ 00:13:16.260 --> 00:13:21.180
1397
+ somehow removed that
1398
+
1399
+ 350
1400
+ 00:13:19.320 --> 00:13:22.980
1401
+ that acts where you're adding an
1402
+
1403
+ 351
1404
+ 00:13:21.180 --> 00:13:26.160
1405
+ additional step where you're like well
1406
+
1407
+ 352
1408
+ 00:13:22.980 --> 00:13:29.279
1409
+ that's not I just saw you in the gym
1410
+
1411
+ 353
1412
+ 00:13:26.160 --> 00:13:32.100
1413
+ walking down a road you know I've seen
1414
+
1415
+ 354
1416
+ 00:13:29.279 --> 00:13:34.740
1417
+ you at your most human so it it's it's
1418
+
1419
+ 355
1420
+ 00:13:32.100 --> 00:13:36.600
1421
+ it's a tricky thing as like a well of
1422
+
1423
+ 356
1424
+ 00:13:34.740 --> 00:13:38.880
1425
+ course like a traditional talk show host
1426
+
1427
+ 357
1428
+ 00:13:36.600 --> 00:13:41.100
1429
+ to to sort of
1430
+
1431
+ 358
1432
+ 00:13:38.880 --> 00:13:43.380
1433
+ think about in combat whereas I think
1434
+
1435
+ 359
1436
+ 00:13:41.100 --> 00:13:45.180
1437
+ something like this feels completely
1438
+
1439
+ 360
1440
+ 00:13:43.380 --> 00:13:46.620
1441
+ organic because I think it came from a
1442
+
1443
+ 361
1444
+ 00:13:45.180 --> 00:13:49.740
1445
+ really organic place of what you wanted
1446
+
1447
+ 362
1448
+ 00:13:46.620 --> 00:13:50.700
1449
+ to do you know look it used to be how
1450
+
1451
+ 363
1452
+ 00:13:49.740 --> 00:13:53.040
1453
+ many networks were there in America
1454
+
1455
+ 364
1456
+ 00:13:50.700 --> 00:13:55.380
1457
+ before right three it's it's now there's
1458
+
1459
+ 365
1460
+ 00:13:53.040 --> 00:13:57.959
1461
+ just all of these places to try and sell
1462
+
1463
+ 366
1464
+ 00:13:55.380 --> 00:13:59.820
1465
+ whatever it is you're trying to do you
1466
+
1467
+ 367
1468
+ 00:13:57.959 --> 00:14:02.399
1469
+ know and it's it's a very very
1470
+
1471
+ 368
1472
+ 00:13:59.820 --> 00:14:04.860
1473
+ interesting time uh
1474
+
1475
+ 369
1476
+ 00:14:02.399 --> 00:14:07.019
1477
+ in that sort of traditional linear
1478
+
1479
+ 370
1480
+ 00:14:04.860 --> 00:14:09.240
1481
+ television because I think I I still
1482
+
1483
+ 371
1484
+ 00:14:07.019 --> 00:14:12.180
1485
+ think it has value
1486
+
1487
+ 372
1488
+ 00:14:09.240 --> 00:14:14.160
1489
+ it's just
1490
+
1491
+ 373
1492
+ 00:14:12.180 --> 00:14:17.720
1493
+ I don't know trying to figure that out I
1494
+
1495
+ 374
1496
+ 00:14:14.160 --> 00:14:17.720
1497
+ think is a bit of a Minefield I do
1498
+
1499
+ 375
1500
+ 00:14:20.399 --> 00:14:25.500
1501
+ Karma source so does that mean it's
1502
+
1503
+ 376
1504
+ 00:14:23.399 --> 00:14:29.100
1505
+ karma for things that my mouth may have
1506
+
1507
+ 377
1508
+ 00:14:25.500 --> 00:14:29.100
1509
+ done in the past perhaps
1510
+
1511
+ 378
1512
+ 00:14:30.540 --> 00:14:34.100
1513
+ let's let's hit the Disco
1514
+
1515
+ 379
1516
+ 00:14:40.199 --> 00:14:44.760
1517
+ wow
1518
+
1519
+ 380
1520
+ 00:14:42.360 --> 00:14:47.820
1521
+ I'm just looking in the eyes
1522
+
1523
+ 381
1524
+ 00:14:44.760 --> 00:14:49.320
1525
+ I'm so stupid I know but now it seems
1526
+
1527
+ 382
1528
+ 00:14:47.820 --> 00:14:51.000
1529
+ like such a distant memory when you were
1530
+
1531
+ 383
1532
+ 00:14:49.320 --> 00:14:53.459
1533
+ like I'm the first three Wings you're
1534
+
1535
+ 384
1536
+ 00:14:51.000 --> 00:14:55.019
1537
+ like oh this is crazy I know I'm gonna
1538
+
1539
+ 385
1540
+ 00:14:53.459 --> 00:14:57.000
1541
+ let me swallow it my body's going don't
1542
+
1543
+ 386
1544
+ 00:14:55.019 --> 00:14:59.220
1545
+ do this
1546
+
1547
+ 387
1548
+ 00:14:57.000 --> 00:15:02.060
1549
+ my tongue's trying to get rid of it
1550
+
1551
+ 388
1552
+ 00:14:59.220 --> 00:15:02.060
1553
+ okay go ahead
1554
+
1555
+ 389
1556
+ 00:15:04.980 --> 00:15:08.820
1557
+ whoa
1558
+
1559
+ 390
1560
+ 00:15:07.139 --> 00:15:11.779
1561
+ you got it though
1562
+
1563
+ 391
1564
+ 00:15:08.820 --> 00:15:11.779
1565
+ somehow some way
1566
+
1567
+ 392
1568
+ 00:15:12.720 --> 00:15:16.100
1569
+ Frozen in Time
1570
+
1571
+ 393
1572
+ 00:15:17.470 --> 00:15:23.250
1573
+ [Laughter]
1574
+
1575
+ 394
1576
+ 00:15:22.190 --> 00:15:26.320
1577
+ [Music]
1578
+
1579
+ 395
1580
+ 00:15:23.250 --> 00:15:26.320
1581
+ [Applause]
1582
+
1583
+ 396
1584
+ 00:15:27.019 --> 00:15:31.699
1585
+ I know
1586
+
1587
+ 397
1588
+ 00:15:29.040 --> 00:15:31.699
1589
+ I know
1590
+
1591
+ 398
1592
+ 00:15:33.000 --> 00:15:36.839
1593
+ had some bass
1594
+
1595
+ 399
1596
+ 00:15:35.040 --> 00:15:38.940
1597
+ so in the carpool karaoke episode
1598
+
1599
+ 400
1600
+ 00:15:36.839 --> 00:15:41.279
1601
+ featuring Paul McCartney he dropped I
1602
+
1603
+ 401
1604
+ 00:15:38.940 --> 00:15:43.860
1605
+ know I know I know I know
1606
+
1607
+ 402
1608
+ 00:15:41.279 --> 00:15:46.260
1609
+ what we actually sent it around to all
1610
+
1611
+ 403
1612
+ 00:15:43.860 --> 00:15:48.180
1613
+ of our team because it was inspiring to
1614
+
1615
+ 404
1616
+ 00:15:46.260 --> 00:15:50.279
1617
+ see what probably went into that episode
1618
+
1619
+ 405
1620
+ 00:15:48.180 --> 00:15:52.139
1621
+ on a production level was there anything
1622
+
1623
+ 406
1624
+ 00:15:50.279 --> 00:15:54.120
1625
+ in that episode you remember fighting
1626
+
1627
+ 407
1628
+ 00:15:52.139 --> 00:15:57.440
1629
+ for even though it seemed impossible to
1630
+
1631
+ 408
1632
+ 00:15:54.120 --> 00:15:57.440
1633
+ pull off oh everything
1634
+
1635
+ 409
1636
+ 00:15:59.339 --> 00:16:02.279
1637
+ oh so I'm glad you reached for the milk
1638
+
1639
+ 410
1640
+ 00:16:00.959 --> 00:16:03.839
1641
+ that makes me feel better because look
1642
+
1643
+ 411
1644
+ 00:16:02.279 --> 00:16:07.459
1645
+ where I'm at I know I know but you're
1646
+
1647
+ 412
1648
+ 00:16:03.839 --> 00:16:07.459
1649
+ trying to keep up I'm trying to keep up
1650
+
1651
+ 413
1652
+ 00:16:08.880 --> 00:16:13.920
1653
+ it was tough to get him to do it you
1654
+
1655
+ 414
1656
+ 00:16:11.279 --> 00:16:16.680
1657
+ know he was in he was out brilliantly he
1658
+
1659
+ 415
1660
+ 00:16:13.920 --> 00:16:18.000
1661
+ said okay fine I'll do it and he said to
1662
+
1663
+ 416
1664
+ 00:16:16.680 --> 00:16:20.160
1665
+ me uh
1666
+
1667
+ 417
1668
+ 00:16:18.000 --> 00:16:22.860
1669
+ I don't want to go in my house
1670
+
1671
+ 418
1672
+ 00:16:20.160 --> 00:16:24.000
1673
+ I don't want to go in my house I haven't
1674
+
1675
+ 419
1676
+ 00:16:22.860 --> 00:16:25.980
1677
+ been in there
1678
+
1679
+ 420
1680
+ 00:16:24.000 --> 00:16:27.600
1681
+ since I left when I was I think it was
1682
+
1683
+ 421
1684
+ 00:16:25.980 --> 00:16:29.279
1685
+ 18 or 19.
1686
+
1687
+ 422
1688
+ 00:16:27.600 --> 00:16:32.399
1689
+ and I just remember going to him I just
1690
+
1691
+ 423
1692
+ 00:16:29.279 --> 00:16:34.620
1693
+ said Paul your only day's work today is
1694
+
1695
+ 424
1696
+ 00:16:32.399 --> 00:16:37.259
1697
+ to have a great time if you don't want
1698
+
1699
+ 425
1700
+ 00:16:34.620 --> 00:16:38.880
1701
+ to go in your house we will of course we
1702
+
1703
+ 426
1704
+ 00:16:37.259 --> 00:16:40.259
1705
+ won't go in your house but let's not
1706
+
1707
+ 427
1708
+ 00:16:38.880 --> 00:16:42.000
1709
+ rule it out now
1710
+
1711
+ 428
1712
+ 00:16:40.259 --> 00:16:44.279
1713
+ let's see how we feel when we get there
1714
+
1715
+ 429
1716
+ 00:16:42.000 --> 00:16:46.199
1717
+ and if we get there
1718
+
1719
+ 430
1720
+ 00:16:44.279 --> 00:16:47.459
1721
+ and you don't feel comfortable you're
1722
+
1723
+ 431
1724
+ 00:16:46.199 --> 00:16:49.680
1725
+ not having a good time you don't want to
1726
+
1727
+ 432
1728
+ 00:16:47.459 --> 00:16:51.480
1729
+ do it give me a look and I'll drive on
1730
+
1731
+ 433
1732
+ 00:16:49.680 --> 00:16:53.699
1733
+ and I'll take the blame
1734
+
1735
+ 434
1736
+ 00:16:51.480 --> 00:16:55.940
1737
+ so you can actually see it on the bit I
1738
+
1739
+ 435
1740
+ 00:16:53.699 --> 00:16:55.940
1741
+ go
1742
+
1743
+ 436
1744
+ 00:16:56.820 --> 00:17:00.240
1745
+ should we go in he goes yeah why not and
1746
+
1747
+ 437
1748
+ 00:16:59.040 --> 00:17:02.820
1749
+ we go in and
1750
+
1751
+ 438
1752
+ 00:17:00.240 --> 00:17:05.400
1753
+ I'll always be really really proud of
1754
+
1755
+ 439
1756
+ 00:17:02.820 --> 00:17:07.740
1757
+ that and Incredibly grateful to Paul for
1758
+
1759
+ 440
1760
+ 00:17:05.400 --> 00:17:11.179
1761
+ taking a leap with us really and
1762
+
1763
+ 441
1764
+ 00:17:07.740 --> 00:17:11.179
1765
+ speaking of going for it
1766
+
1767
+ 442
1768
+ 00:17:12.000 --> 00:17:15.900
1769
+ these Segways you've got these Segways
1770
+
1771
+ 443
1772
+ 00:17:14.819 --> 00:17:17.100
1773
+ you've got I know that you think they're
1774
+
1775
+ 444
1776
+ 00:17:15.900 --> 00:17:19.640
1777
+ Charming they're not they're getting
1778
+
1779
+ 445
1780
+ 00:17:17.100 --> 00:17:19.640
1781
+ annoying
1782
+
1783
+ 446
1784
+ 00:17:22.319 --> 00:17:28.620
1785
+ and speaking of shedding your pants
1786
+
1787
+ 447
1788
+ 00:17:24.799 --> 00:17:31.100
1789
+ let's move on to this
1790
+
1791
+ 448
1792
+ 00:17:28.620 --> 00:17:31.100
1793
+ okay
1794
+
1795
+ 449
1796
+ 00:17:34.140 --> 00:17:37.640
1797
+ I never get used to this one either
1798
+
1799
+ 450
1800
+ 00:17:40.860 --> 00:17:44.580
1801
+ oh my God
1802
+
1803
+ 451
1804
+ 00:17:42.960 --> 00:17:46.980
1805
+ [ __ ] I know
1806
+
1807
+ 452
1808
+ 00:17:44.580 --> 00:17:50.480
1809
+ I know
1810
+
1811
+ 453
1812
+ 00:17:46.980 --> 00:17:50.480
1813
+ I got you doggy I know
1814
+
1815
+ 454
1816
+ 00:17:51.720 --> 00:17:55.140
1817
+ so you performed at the National Theater
1818
+
1819
+ 455
1820
+ 00:17:53.640 --> 00:17:56.700
1821
+ how can you pretend like this isn't
1822
+
1823
+ 456
1824
+ 00:17:55.140 --> 00:17:57.840
1825
+ happening how can you just go back to
1826
+
1827
+ 457
1828
+ 00:17:56.700 --> 00:18:00.539
1829
+ like performing at the National Theater
1830
+
1831
+ 458
1832
+ 00:17:57.840 --> 00:18:02.039
1833
+ when so I always just like come on man's
1834
+
1835
+ 459
1836
+ 00:18:00.539 --> 00:18:04.799
1837
+ telling me I'm going to die right right
1838
+
1839
+ 460
1840
+ 00:18:02.039 --> 00:18:06.660
1841
+ I ignore the absurdity of this show
1842
+
1843
+ 461
1844
+ 00:18:04.799 --> 00:18:08.340
1845
+ that's how that's a good idea I just
1846
+
1847
+ 462
1848
+ 00:18:06.660 --> 00:18:10.520
1849
+ always approach it as if we're not even
1850
+
1851
+ 463
1852
+ 00:18:08.340 --> 00:18:13.200
1853
+ eating I write it as if we're not even
1854
+
1855
+ 464
1856
+ 00:18:10.520 --> 00:18:14.059
1857
+ exactly none of us exactly we're all
1858
+
1859
+ 465
1860
+ 00:18:13.200 --> 00:18:16.679
1861
+ just
1862
+
1863
+ 466
1864
+ 00:18:14.059 --> 00:18:19.679
1865
+ but I'm just even connected right maybe
1866
+
1867
+ 467
1868
+ 00:18:16.679 --> 00:18:21.780
1869
+ we're just a simulation my tongue
1870
+
1871
+ 468
1872
+ 00:18:19.679 --> 00:18:23.340
1873
+ doesn't know what's happening right
1874
+
1875
+ 469
1876
+ 00:18:21.780 --> 00:18:24.900
1877
+ that's the best way I can describe it
1878
+
1879
+ 470
1880
+ 00:18:23.340 --> 00:18:27.419
1881
+ confusion my tongue is sending messages
1882
+
1883
+ 471
1884
+ 00:18:24.900 --> 00:18:29.400
1885
+ to my brain saying I think you should go
1886
+
1887
+ 472
1888
+ 00:18:27.419 --> 00:18:31.559
1889
+ to the hospital right right and my
1890
+
1891
+ 473
1892
+ 00:18:29.400 --> 00:18:35.220
1893
+ body's going don't be silly none of us
1894
+
1895
+ 474
1896
+ 00:18:31.559 --> 00:18:36.840
1897
+ are even here we're all dust so you've
1898
+
1899
+ 475
1900
+ 00:18:35.220 --> 00:18:38.280
1901
+ performed at the National Theater hosted
1902
+
1903
+ 476
1904
+ 00:18:36.840 --> 00:18:40.679
1905
+ a late night talk show and were even
1906
+
1907
+ 477
1908
+ 00:18:38.280 --> 00:18:42.360
1909
+ appointed an Obe but do you ever think
1910
+
1911
+ 478
1912
+ 00:18:40.679 --> 00:18:44.760
1913
+ that your greatest cultural contribution
1914
+
1915
+ 479
1916
+ 00:18:42.360 --> 00:18:46.760
1917
+ might have been smithy's Indian takeout
1918
+
1919
+ 480
1920
+ 00:18:44.760 --> 00:18:50.280
1921
+ order and Gavin and Stacy it might be
1922
+
1923
+ 481
1924
+ 00:18:46.760 --> 00:18:52.559
1925
+ certainly to some people yes for sure do
1926
+
1927
+ 482
1928
+ 00:18:50.280 --> 00:18:55.340
1929
+ you remember the order
1930
+
1931
+ 483
1932
+ 00:18:52.559 --> 00:18:55.340
1933
+ Chromebook
1934
+
1935
+ 484
1936
+ 00:18:57.419 --> 00:19:04.799
1937
+ came and mushroom rice bag of chips and
1938
+
1939
+ 485
1940
+ 00:19:00.240 --> 00:19:06.240
1941
+ nine papadums is that it yeah
1942
+
1943
+ 486
1944
+ 00:19:04.799 --> 00:19:09.299
1945
+ what's up and then we're all just gonna
1946
+
1947
+ 487
1948
+ 00:19:06.240 --> 00:19:11.280
1949
+ whoa hang on why wait
1950
+
1951
+ 488
1952
+ 00:19:09.299 --> 00:19:13.080
1953
+ why have we all gotta why are we all
1954
+
1955
+ 489
1956
+ 00:19:11.280 --> 00:19:14.100
1957
+ just because it's nice no it's not not
1958
+
1959
+ 490
1960
+ 00:19:13.080 --> 00:19:16.320
1961
+ for me
1962
+
1963
+ 491
1964
+ 00:19:14.100 --> 00:19:18.120
1965
+ because I can guarantee I can guarantee
1966
+
1967
+ 492
1968
+ 00:19:16.320 --> 00:19:20.280
1969
+ somebody here probably Stacy has ordered
1970
+
1971
+ 493
1972
+ 00:19:18.120 --> 00:19:21.900
1973
+ a comma Am I Wrong Mick am I wrong no
1974
+
1975
+ 494
1976
+ 00:19:20.280 --> 00:19:23.280
1977
+ you're right actually she has right and
1978
+
1979
+ 495
1980
+ 00:19:21.900 --> 00:19:24.900
1981
+ that's pointless to me it's futile
1982
+
1983
+ 496
1984
+ 00:19:23.280 --> 00:19:26.340
1985
+ because I won't touch it but I can
1986
+
1987
+ 497
1988
+ 00:19:24.900 --> 00:19:27.840
1989
+ guarantee that Pete is already thinking
1990
+
1991
+ 498
1992
+ 00:19:26.340 --> 00:19:29.280
1993
+ about my bonus Pete have you thought
1994
+
1995
+ 499
1996
+ 00:19:27.840 --> 00:19:31.260
1997
+ about my bonus
1998
+
1999
+ 500
2000
+ 00:19:29.280 --> 00:19:33.360
2001
+ well yeah right there my bonus if you
2002
+
2003
+ 501
2004
+ 00:19:31.260 --> 00:19:34.500
2005
+ want a booner order a buner now I've had
2006
+
2007
+ 502
2008
+ 00:19:33.360 --> 00:19:35.820
2009
+ enough of it it's the same when I went
2010
+
2011
+ 503
2012
+ 00:19:34.500 --> 00:19:37.380
2013
+ out with Chinese in his business last
2014
+
2015
+ 504
2016
+ 00:19:35.820 --> 00:19:38.760
2017
+ week they're all digging into my ago and
2018
+
2019
+ 505
2020
+ 00:19:37.380 --> 00:19:40.500
2021
+ you're really nice I'm like yes it is
2022
+
2023
+ 506
2024
+ 00:19:38.760 --> 00:19:42.240
2025
+ that's why I ordered it in fact forget
2026
+
2027
+ 507
2028
+ 00:19:40.500 --> 00:19:45.000
2029
+ it I want no part of it I ordered my own
2030
+
2031
+ 508
2032
+ 00:19:42.240 --> 00:19:48.419
2033
+ and I'll eat it in the car
2034
+
2035
+ 509
2036
+ 00:19:45.000 --> 00:19:50.280
2037
+ nice yeah one of my is so much fun that
2038
+
2039
+ 510
2040
+ 00:19:48.419 --> 00:19:52.460
2041
+ oh yeah I'm surprised I remember that
2042
+
2043
+ 511
2044
+ 00:19:50.280 --> 00:19:52.460
2045
+ much
2046
+
2047
+ 512
2048
+ 00:19:55.260 --> 00:20:00.320
2049
+ unique garlic oh geez
2050
+
2051
+ 513
2052
+ 00:20:04.640 --> 00:20:08.100
2053
+ now now it's like we're coming up with
2054
+
2055
+ 514
2056
+ 00:20:06.900 --> 00:20:11.340
2057
+ tricks
2058
+
2059
+ 515
2060
+ 00:20:08.100 --> 00:20:13.140
2061
+ you know I'm chewing very fast
2062
+
2063
+ 516
2064
+ 00:20:11.340 --> 00:20:15.620
2065
+ is what I've realized
2066
+
2067
+ 517
2068
+ 00:20:13.140 --> 00:20:17.340
2069
+ like I've taken quite a lot of cocaine
2070
+
2071
+ 518
2072
+ 00:20:15.620 --> 00:20:18.690
2073
+ Jar's going
2074
+
2075
+ 519
2076
+ 00:20:17.340 --> 00:20:22.799
2077
+ let me tell you about my dad
2078
+
2079
+ 520
2080
+ 00:20:18.690 --> 00:20:25.200
2081
+ [Laughter]
2082
+
2083
+ 521
2084
+ 00:20:22.799 --> 00:20:27.720
2085
+ so hang on this is 19 seasons
2086
+
2087
+ 522
2088
+ 00:20:25.200 --> 00:20:30.240
2089
+ how many episodes a season
2090
+
2091
+ 523
2092
+ 00:20:27.720 --> 00:20:32.700
2093
+ 12 episodes a season
2094
+
2095
+ 524
2096
+ 00:20:30.240 --> 00:20:34.980
2097
+ and in the early ones we did like we had
2098
+
2099
+ 525
2100
+ 00:20:32.700 --> 00:20:37.440
2101
+ one see like season two was like 55
2102
+
2103
+ 526
2104
+ 00:20:34.980 --> 00:20:40.080
2105
+ episodes right we were just like it
2106
+
2107
+ 527
2108
+ 00:20:37.440 --> 00:20:42.299
2109
+ looks like because they remember what it
2110
+
2111
+ 528
2112
+ 00:20:40.080 --> 00:20:44.880
2113
+ was like to work on it like all of like
2114
+
2115
+ 529
2116
+ 00:20:42.299 --> 00:20:46.080
2117
+ those are my day ones yeah my day ones
2118
+
2119
+ 530
2120
+ 00:20:44.880 --> 00:20:48.660
2121
+ you know it's like they've been along
2122
+
2123
+ 531
2124
+ 00:20:46.080 --> 00:20:51.120
2125
+ for this entire journey and like season
2126
+
2127
+ 532
2128
+ 00:20:48.660 --> 00:20:52.679
2129
+ two we just were like we gotta turn out
2130
+
2131
+ 533
2132
+ 00:20:51.120 --> 00:20:54.120
2133
+ episodes we gotta turn out yeah so it's
2134
+
2135
+ 534
2136
+ 00:20:52.679 --> 00:20:55.320
2137
+ like we just did something we just gotta
2138
+
2139
+ 535
2140
+ 00:20:54.120 --> 00:20:56.880
2141
+ hit we just got everything every
2142
+
2143
+ 536
2144
+ 00:20:55.320 --> 00:20:59.700
2145
+ Wednesday every Wednesday exactly
2146
+
2147
+ 537
2148
+ 00:20:56.880 --> 00:21:01.320
2149
+ exactly hit that same time 11 A.M so
2150
+
2151
+ 538
2152
+ 00:20:59.700 --> 00:21:03.059
2153
+ that the audience becomes conditioned to
2154
+
2155
+ 539
2156
+ 00:21:01.320 --> 00:21:04.380
2157
+ like know that at this time like this is
2158
+
2159
+ 540
2160
+ 00:21:03.059 --> 00:21:06.539
2161
+ what you whatever so we were just like
2162
+
2163
+ 541
2164
+ 00:21:04.380 --> 00:21:08.400
2165
+ let's run it up run it up run it and the
2166
+
2167
+ 542
2168
+ 00:21:06.539 --> 00:21:10.280
2169
+ idea we went through a similar thing
2170
+
2171
+ 543
2172
+ 00:21:08.400 --> 00:21:13.580
2173
+ with our show where we would just try
2174
+
2175
+ 544
2176
+ 00:21:10.280 --> 00:21:16.320
2177
+ like I think we've done
2178
+
2179
+ 545
2180
+ 00:21:13.580 --> 00:21:19.220
2181
+ 1150 shows
2182
+
2183
+ 546
2184
+ 00:21:16.320 --> 00:21:19.220
2185
+ I think we've done
2186
+
2187
+ 547
2188
+ 00:21:19.580 --> 00:21:25.080
2189
+ 65 70 carpools something like that
2190
+
2191
+ 548
2192
+ 00:21:23.000 --> 00:21:27.360
2193
+ but we went through a stage of like
2194
+
2195
+ 549
2196
+ 00:21:25.080 --> 00:21:28.500
2197
+ let's try and do as many as we can and
2198
+
2199
+ 550
2200
+ 00:21:27.360 --> 00:21:30.299
2201
+ then as soon as it got to a point it's
2202
+
2203
+ 551
2204
+ 00:21:28.500 --> 00:21:32.400
2205
+ like okay well now we just need to kind
2206
+
2207
+ 552
2208
+ 00:21:30.299 --> 00:21:36.780
2209
+ of protect it right try and keep it in
2210
+
2211
+ 553
2212
+ 00:21:32.400 --> 00:21:39.840
2213
+ some rarefied air I get it uniquely
2214
+
2215
+ 554
2216
+ 00:21:36.780 --> 00:21:43.020
2217
+ all right James Corden
2218
+
2219
+ 555
2220
+ 00:21:39.840 --> 00:21:44.940
2221
+ the last step the last dab
2222
+
2223
+ 556
2224
+ 00:21:43.020 --> 00:21:46.990
2225
+ nice Shake good fundamentals right there
2226
+
2227
+ 557
2228
+ 00:21:44.940 --> 00:21:50.960
2229
+ good fundament thank you
2230
+
2231
+ 558
2232
+ 00:21:46.990 --> 00:21:53.100
2233
+ [Music]
2234
+
2235
+ 559
2236
+ 00:21:50.960 --> 00:21:55.980
2237
+ you don't have to if you don't want to
2238
+
2239
+ 560
2240
+ 00:21:53.100 --> 00:21:57.600
2241
+ [ __ ] you oh
2242
+
2243
+ 561
2244
+ 00:21:55.980 --> 00:22:00.360
2245
+ cheers
2246
+
2247
+ 562
2248
+ 00:21:57.600 --> 00:22:03.720
2249
+ to you James hang them I know how much
2250
+
2251
+ 563
2252
+ 00:22:00.360 --> 00:22:04.830
2253
+ are they so much too much yeah but we're
2254
+
2255
+ 564
2256
+ 00:22:03.720 --> 00:22:07.950
2257
+ here
2258
+
2259
+ 565
2260
+ 00:22:04.830 --> 00:22:07.950
2261
+ [Music]
2262
+
2263
+ 566
2264
+ 00:22:13.360 --> 00:22:19.559
2265
+ [Music]
2266
+
2267
+ 567
2268
+ 00:22:16.520 --> 00:22:22.320
2269
+ I wonder who I'll be after this all
2270
+
2271
+ 568
2272
+ 00:22:19.559 --> 00:22:24.270
2273
+ right it's a transformative
2274
+
2275
+ 569
2276
+ 00:22:22.320 --> 00:22:25.559
2277
+ baptism by fire yeah
2278
+
2279
+ 570
2280
+ 00:22:24.270 --> 00:22:27.960
2281
+ [Music]
2282
+
2283
+ 571
2284
+ 00:22:25.559 --> 00:22:29.280
2285
+ Born Again out of the hot sauce to you
2286
+
2287
+ 572
2288
+ 00:22:27.960 --> 00:22:31.740
2289
+ James Corden I'm gonna tell you in case
2290
+
2291
+ 573
2292
+ 00:22:29.280 --> 00:22:35.299
2293
+ in case this does kill me
2294
+
2295
+ 574
2296
+ 00:22:31.740 --> 00:22:35.299
2297
+ not immediately but tonight
2298
+
2299
+ 575
2300
+ 00:22:35.720 --> 00:22:41.880
2301
+ absolutely loved every single second
2302
+
2303
+ 576
2304
+ 00:22:39.320 --> 00:22:44.039
2305
+ it's so good at this you're so brilliant
2306
+
2307
+ 577
2308
+ 00:22:41.880 --> 00:22:46.020
2309
+ at it and everyone was like it's cool
2310
+
2311
+ 578
2312
+ 00:22:44.039 --> 00:22:48.120
2313
+ Sean's gonna take you through it I was
2314
+
2315
+ 579
2316
+ 00:22:46.020 --> 00:22:49.679
2317
+ like okay it's completely right you are
2318
+
2319
+ 580
2320
+ 00:22:48.120 --> 00:22:51.900
2321
+ absolutely brilliant at this you should
2322
+
2323
+ 581
2324
+ 00:22:49.679 --> 00:22:54.020
2325
+ be so proud of thank you James
2326
+
2327
+ 582
2328
+ 00:22:51.900 --> 00:22:54.020
2329
+ thank you
2330
+
2331
+ 583
2332
+ 00:22:55.159 --> 00:23:00.299
2333
+ and speaking of being proud
2334
+
2335
+ 584
2336
+ 00:22:57.659 --> 00:23:02.100
2337
+ I know you walked in here I'm having no
2338
+
2339
+ 585
2340
+ 00:23:00.299 --> 00:23:04.380
2341
+ confidence in yourself but look at you
2342
+
2343
+ 586
2344
+ 00:23:02.100 --> 00:23:06.120
2345
+ taking on the wings of death and still
2346
+
2347
+ 587
2348
+ 00:23:04.380 --> 00:23:08.400
2349
+ on your feet and only one more question
2350
+
2351
+ 588
2352
+ 00:23:06.120 --> 00:23:10.559
2353
+ before we close things up what I want to
2354
+
2355
+ 589
2356
+ 00:23:08.400 --> 00:23:12.960
2357
+ do is draw a connection to this
2358
+
2359
+ 590
2360
+ 00:23:10.559 --> 00:23:14.820
2361
+ experience right now in your Memoir may
2362
+
2363
+ 591
2364
+ 00:23:12.960 --> 00:23:17.039
2365
+ I have your attention please where you
2366
+
2367
+ 592
2368
+ 00:23:14.820 --> 00:23:19.440
2369
+ begin every chapter by giving out the
2370
+
2371
+ 593
2372
+ 00:23:17.039 --> 00:23:22.559
2373
+ precise atmospheric conditions in order
2374
+
2375
+ 594
2376
+ 00:23:19.440 --> 00:23:24.539
2377
+ to optimize the read so if someone is
2378
+
2379
+ 595
2380
+ 00:23:22.559 --> 00:23:26.460
2381
+ watching this episode of hot ones with
2382
+
2383
+ 596
2384
+ 00:23:24.539 --> 00:23:27.730
2385
+ James Corden do you have in your mind a
2386
+
2387
+ 597
2388
+ 00:23:26.460 --> 00:23:29.400
2389
+ best musical accompaniment
2390
+
2391
+ 598
2392
+ 00:23:27.730 --> 00:23:35.280
2393
+ [Music]
2394
+
2395
+ 599
2396
+ 00:23:29.400 --> 00:23:37.020
2397
+ I do I absolutely do there's a song
2398
+
2399
+ 600
2400
+ 00:23:35.280 --> 00:23:38.520
2401
+ I just either listened to it before or
2402
+
2403
+ 601
2404
+ 00:23:37.020 --> 00:23:41.880
2405
+ after
2406
+
2407
+ 602
2408
+ 00:23:38.520 --> 00:23:44.340
2409
+ it's called go easy kid by Monica Martin
2410
+
2411
+ 603
2412
+ 00:23:41.880 --> 00:23:46.020
2413
+ and James Blake I think it's the best
2414
+
2415
+ 604
2416
+ 00:23:44.340 --> 00:23:48.780
2417
+ song of the year
2418
+
2419
+ 605
2420
+ 00:23:46.020 --> 00:23:50.700
2421
+ there's the refrain says go easy kid
2422
+
2423
+ 606
2424
+ 00:23:48.780 --> 00:23:53.100
2425
+ It's Only Rock and Roll
2426
+
2427
+ 607
2428
+ 00:23:50.700 --> 00:23:56.280
2429
+ and at the end of the song
2430
+
2431
+ 608
2432
+ 00:23:53.100 --> 00:23:59.640
2433
+ they say yeah go easy kid in 20 years
2434
+
2435
+ 609
2436
+ 00:23:56.280 --> 00:24:01.799
2437
+ kid you're gonna look back and wish you
2438
+
2439
+ 610
2440
+ 00:23:59.640 --> 00:24:03.539
2441
+ grabbed it all by the throat
2442
+
2443
+ 611
2444
+ 00:24:01.799 --> 00:24:05.700
2445
+ said [ __ ] it
2446
+
2447
+ 612
2448
+ 00:24:03.539 --> 00:24:09.059
2449
+ It's Only Rock and Roll
2450
+
2451
+ 613
2452
+ 00:24:05.700 --> 00:24:11.220
2453
+ Pike drop and look at you James Gordon
2454
+
2455
+ 614
2456
+ 00:24:09.059 --> 00:24:12.840
2457
+ taking on the wings of death living to
2458
+
2459
+ 615
2460
+ 00:24:11.220 --> 00:24:14.580
2461
+ tell the tale and now there's nothing
2462
+
2463
+ 616
2464
+ 00:24:12.840 --> 00:24:16.380
2465
+ left to do or roll out the red carpet
2466
+
2467
+ 617
2468
+ 00:24:14.580 --> 00:24:17.760
2469
+ for you this camera this camera this
2470
+
2471
+ 618
2472
+ 00:24:16.380 --> 00:24:19.620
2473
+ camera let the people know what you have
2474
+
2475
+ 619
2476
+ 00:24:17.760 --> 00:24:23.220
2477
+ going on in your life
2478
+
2479
+ 620
2480
+ 00:24:19.620 --> 00:24:25.980
2481
+ uh I have a new show it's called mammals
2482
+
2483
+ 621
2484
+ 00:24:23.220 --> 00:24:27.840
2485
+ it's on Prime video November the 11th
2486
+
2487
+ 622
2488
+ 00:24:25.980 --> 00:24:29.820
2489
+ [Music]
2490
+
2491
+ 623
2492
+ 00:24:27.840 --> 00:24:31.080
2493
+ I'm as proud of it as anything I've ever
2494
+
2495
+ 624
2496
+ 00:24:29.820 --> 00:24:33.780
2497
+ done
2498
+
2499
+ 625
2500
+ 00:24:31.080 --> 00:24:35.220
2501
+ and uh
2502
+
2503
+ 626
2504
+ 00:24:33.780 --> 00:24:38.960
2505
+ you know
2506
+
2507
+ 627
2508
+ 00:24:35.220 --> 00:24:38.960
2509
+ none of us are here it's all dust
2510
+
2511
+ 628
2512
+ 00:24:44.280 --> 00:24:48.720
2513
+ he did it
2514
+
2515
+ 629
2516
+ 00:24:46.159 --> 00:24:50.580
2517
+ that was such fun did you have a good
2518
+
2519
+ 630
2520
+ 00:24:48.720 --> 00:24:53.840
2521
+ time oh it was amazing I absolutely love
2522
+
2523
+ 631
2524
+ 00:24:50.580 --> 00:24:53.840
2525
+ it thank you so much
2526
+
2527
+ 632
2528
+ 00:24:56.280 --> 00:25:00.059
2529
+ hey what's going on hot wings fans we
2530
+
2531
+ 633
2532
+ 00:24:58.500 --> 00:25:02.100
2533
+ brought the heat to the freezer aisle
2534
+
2535
+ 634
2536
+ 00:25:00.059 --> 00:25:04.679
2537
+ with our hot ones boneless chicken bites
2538
+
2539
+ 635
2540
+ 00:25:02.100 --> 00:25:07.140
2541
+ and use smash sales records and all of
2542
+
2543
+ 636
2544
+ 00:25:04.679 --> 00:25:10.080
2545
+ our wildest expectations so what did we
2546
+
2547
+ 637
2548
+ 00:25:07.140 --> 00:25:12.360
2549
+ do we made more that's right we are in
2550
+
2551
+ 638
2552
+ 00:25:10.080 --> 00:25:14.580
2553
+ with five new flavors of hot one's
2554
+
2555
+ 639
2556
+ 00:25:12.360 --> 00:25:16.679
2557
+ boneless chicken bites and five new ways
2558
+
2559
+ 640
2560
+ 00:25:14.580 --> 00:25:18.900
2561
+ for you to bring hot ones home from the
2562
+
2563
+ 641
2564
+ 00:25:16.679 --> 00:25:22.080
2565
+ classic to the classic garlic Fresno
2566
+
2567
+ 642
2568
+ 00:25:18.900 --> 00:25:26.539
2569
+ Edition to the Los Calientes Trio of
2570
+
2571
+ 643
2572
+ 00:25:22.080 --> 00:25:28.200
2573
+ flavor Verde Rojo Barbacoa visit
2574
+
2575
+ 644
2576
+ 00:25:26.539 --> 00:25:30.000
2577
+ hotoneschallenge.com for more
2578
+
2579
+ 645
2580
+ 00:25:28.200 --> 00:25:32.460
2581
+ information and to find a store near you
2582
+
2583
+ 646
2584
+ 00:25:30.000 --> 00:25:35.480
2585
+ hot ones boneless chicken bites you're
2586
+
2587
+ 647
2588
+ 00:25:32.460 --> 00:25:35.480
2589
+ in the hot seat now
2590
+
transcripts/9.vtt ADDED
@@ -0,0 +1,2238 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ WEBVTT
2
+
3
+ 1
4
+ 00:00:00.179 --> 00:00:06.080
5
+ and as I get my stomach it's also like
6
+
7
+ 2
8
+ 00:00:02.100 --> 00:00:06.080
9
+ as it was like traveling
10
+
11
+ 3
12
+ 00:00:13.400 --> 00:00:17.160
13
+ hey what's going on everybody for first
14
+
15
+ 4
16
+ 00:00:15.599 --> 00:00:18.900
17
+ week Feast I'm Sean Evans and you're
18
+
19
+ 5
20
+ 00:00:17.160 --> 00:00:20.520
21
+ watching hot ones it's the show with hot
22
+
23
+ 6
24
+ 00:00:18.900 --> 00:00:22.619
25
+ questions and even hotter wings and
26
+
27
+ 7
28
+ 00:00:20.520 --> 00:00:23.939
29
+ today we're joined By Zoe Saldana she's
30
+
31
+ 8
32
+ 00:00:22.619 --> 00:00:25.859
33
+ an actor who lays claim to some of the
34
+
35
+ 9
36
+ 00:00:23.939 --> 00:00:28.019
37
+ biggest box office smashing franchises
38
+
39
+ 10
40
+ 00:00:25.859 --> 00:00:30.060
41
+ of our time from Avatar to Star Trek and
42
+
43
+ 11
44
+ 00:00:28.019 --> 00:00:31.619
45
+ Guardians of the Galaxy on that note you
46
+
47
+ 12
48
+ 00:00:30.060 --> 00:00:33.600
49
+ can catch her in the long-awaited James
50
+
51
+ 13
52
+ 00:00:31.619 --> 00:00:35.219
53
+ Cameron directed and produced Avatar the
54
+
55
+ 14
56
+ 00:00:33.600 --> 00:00:37.320
57
+ way of water which at long last is
58
+
59
+ 15
60
+ 00:00:35.219 --> 00:00:39.300
61
+ coming to theaters December 16th Zoe
62
+
63
+ 16
64
+ 00:00:37.320 --> 00:00:42.180
65
+ Saldana welcome to the show thank you
66
+
67
+ 17
68
+ 00:00:39.300 --> 00:00:43.460
69
+ thank you so much I'm excited and I'm
70
+
71
+ 18
72
+ 00:00:42.180 --> 00:00:46.800
73
+ emotional
74
+
75
+ 19
76
+ 00:00:43.460 --> 00:00:48.960
77
+ I can I can smell I can smell the spices
78
+
79
+ 20
80
+ 00:00:46.800 --> 00:00:50.760
81
+ before we get started how are you around
82
+
83
+ 21
84
+ 00:00:48.960 --> 00:00:54.300
85
+ spicy food are you comfortable around it
86
+
87
+ 22
88
+ 00:00:50.760 --> 00:00:56.399
89
+ I feel that spicy food is like horror
90
+
91
+ 23
92
+ 00:00:54.300 --> 00:00:58.379
93
+ movies when I was younger I was a lot
94
+
95
+ 24
96
+ 00:00:56.399 --> 00:01:00.539
97
+ more comfortable around them
98
+
99
+ 25
100
+ 00:00:58.379 --> 00:01:02.940
101
+ and the older I get I've just become
102
+
103
+ 26
104
+ 00:01:00.539 --> 00:01:05.040
105
+ softer and softer and I just I can't I
106
+
107
+ 27
108
+ 00:01:02.940 --> 00:01:07.380
109
+ mean I'm okay with it my stomach isn't
110
+
111
+ 28
112
+ 00:01:05.040 --> 00:01:13.480
113
+ you know
114
+
115
+ 29
116
+ 00:01:07.380 --> 00:01:13.480
117
+ [Music]
118
+
119
+ 30
120
+ 00:01:17.100 --> 00:01:21.919
121
+ [Music]
122
+
123
+ 31
124
+ 00:01:25.160 --> 00:01:29.000
125
+ [Music]
126
+
127
+ 32
128
+ 00:01:31.020 --> 00:01:33.439
129
+ hmm
130
+
131
+ 33
132
+ 00:01:33.540 --> 00:01:36.200
133
+ it's good
134
+
135
+ 34
136
+ 00:01:38.360 --> 00:01:43.619
137
+ it's kind of spicy I like it
138
+
139
+ 35
140
+ 00:01:41.820 --> 00:01:44.939
141
+ so I can't stop reading stories about
142
+
143
+ 36
144
+ 00:01:43.619 --> 00:01:47.400
145
+ the making of This film from the
146
+
147
+ 37
148
+ 00:01:44.939 --> 00:01:49.619
149
+ requisite technological research to the
150
+
151
+ 38
152
+ 00:01:47.400 --> 00:01:51.720
153
+ construction of a 900 000 gallon tank
154
+
155
+ 39
156
+ 00:01:49.619 --> 00:01:54.000
157
+ designed to mimic the ocean's kinetics
158
+
159
+ 40
160
+ 00:01:51.720 --> 00:01:56.460
161
+ how would you distill the experience of
162
+
163
+ 41
164
+ 00:01:54.000 --> 00:01:57.960
165
+ blending underwater filming along with
166
+
167
+ 42
168
+ 00:01:56.460 --> 00:01:59.280
169
+ the motion capture because from what I
170
+
171
+ 43
172
+ 00:01:57.960 --> 00:02:03.299
173
+ understand that's never been done before
174
+
175
+ 44
176
+ 00:01:59.280 --> 00:02:04.680
177
+ it never has but I do believe that this
178
+
179
+ 45
180
+ 00:02:03.299 --> 00:02:07.500
181
+ is James
182
+
183
+ 46
184
+ 00:02:04.680 --> 00:02:09.539
185
+ um James Cameron's Like Love Letter to
186
+
187
+ 47
188
+ 00:02:07.500 --> 00:02:11.580
189
+ the ocean he's always had this Affinity
190
+
191
+ 48
192
+ 00:02:09.539 --> 00:02:14.459
193
+ with the ocean you saw it in the abyss
194
+
195
+ 49
196
+ 00:02:11.580 --> 00:02:16.319
197
+ you saw it in Titanic and he's always
198
+
199
+ 50
200
+ 00:02:14.459 --> 00:02:18.060
201
+ had different angles with it especially
202
+
203
+ 51
204
+ 00:02:16.319 --> 00:02:19.080
205
+ with the hundreds of excursions that
206
+
207
+ 52
208
+ 00:02:18.060 --> 00:02:20.760
209
+ he's done
210
+
211
+ 53
212
+ 00:02:19.080 --> 00:02:23.340
213
+ and he always had to wait for that
214
+
215
+ 54
216
+ 00:02:20.760 --> 00:02:25.800
217
+ technology to exist in order for him to
218
+
219
+ 55
220
+ 00:02:23.340 --> 00:02:27.959
221
+ manifest what was inside of his mind you
222
+
223
+ 56
224
+ 00:02:25.800 --> 00:02:29.819
225
+ know and he did it
226
+
227
+ 57
228
+ 00:02:27.959 --> 00:02:31.080
229
+ I was flying with this one this one
230
+
231
+ 58
232
+ 00:02:29.819 --> 00:02:33.180
233
+ feels like you know what you have on a
234
+
235
+ 59
236
+ 00:02:31.080 --> 00:02:34.620
237
+ Tuesday right I think yeah well you're
238
+
239
+ 60
240
+ 00:02:33.180 --> 00:02:36.840
241
+ ready to move on what we might have on a
242
+
243
+ 61
244
+ 00:02:34.620 --> 00:02:38.300
245
+ Wednesday this is a tropicante here in
246
+
247
+ 62
248
+ 00:02:36.840 --> 00:02:40.260
249
+ the two spot
250
+
251
+ 63
252
+ 00:02:38.300 --> 00:02:43.780
253
+ tropicante
254
+
255
+ 64
256
+ 00:02:40.260 --> 00:02:49.739
257
+ okay God help me
258
+
259
+ 65
260
+ 00:02:43.780 --> 00:02:52.560
261
+ [Music]
262
+
263
+ 66
264
+ 00:02:49.739 --> 00:02:53.879
265
+ hmm give me a feel like oh I might be in
266
+
267
+ 67
268
+ 00:02:52.560 --> 00:02:55.260
269
+ Jamaica
270
+
271
+ 68
272
+ 00:02:53.879 --> 00:02:57.720
273
+ I was like brushing my teeth this
274
+
275
+ 69
276
+ 00:02:55.260 --> 00:03:01.319
277
+ morning I'm like what if it's so like
278
+
279
+ 70
280
+ 00:02:57.720 --> 00:03:03.300
281
+ spicy did I forget to speak English Just
282
+
283
+ 71
284
+ 00:03:01.319 --> 00:03:04.500
285
+ Let it Fly wherever it goes this is
286
+
287
+ 72
288
+ 00:03:03.300 --> 00:03:07.319
289
+ wherever it goes we're in the abstract
290
+
291
+ 73
292
+ 00:03:04.500 --> 00:03:09.000
293
+ over here perfect
294
+
295
+ 74
296
+ 00:03:07.319 --> 00:03:10.319
297
+ from your unique Vantage Point what
298
+
299
+ 75
300
+ 00:03:09.000 --> 00:03:11.940
301
+ would you say is the biggest difference
302
+
303
+ 76
304
+ 00:03:10.319 --> 00:03:14.519
305
+ between trekkies and then Marvel
306
+
307
+ 77
308
+ 00:03:11.940 --> 00:03:16.379
309
+ Universe True Believers like is there a
310
+
311
+ 78
312
+ 00:03:14.519 --> 00:03:18.180
313
+ distinction between the fan bases are
314
+
315
+ 79
316
+ 00:03:16.379 --> 00:03:20.760
317
+ they really birds of a feather
318
+
319
+ 80
320
+ 00:03:18.180 --> 00:03:24.239
321
+ no there there is there are differences
322
+
323
+ 81
324
+ 00:03:20.760 --> 00:03:26.459
325
+ I think that trekkies take it far more
326
+
327
+ 82
328
+ 00:03:24.239 --> 00:03:28.739
329
+ serious
330
+
331
+ 83
332
+ 00:03:26.459 --> 00:03:31.440
333
+ um they're lovely
334
+
335
+ 84
336
+ 00:03:28.739 --> 00:03:34.500
337
+ I think it was mirroring the kind of
338
+
339
+ 85
340
+ 00:03:31.440 --> 00:03:37.140
341
+ world that people wanted to see at that
342
+
343
+ 86
344
+ 00:03:34.500 --> 00:03:38.879
345
+ time in the 60s so it just has like a
346
+
347
+ 87
348
+ 00:03:37.140 --> 00:03:40.019
349
+ very special place in people's hearts
350
+
351
+ 88
352
+ 00:03:38.879 --> 00:03:43.019
353
+ and there's something really beautiful
354
+
355
+ 89
356
+ 00:03:40.019 --> 00:03:43.920
357
+ about seeing a grandfather father and a
358
+
359
+ 90
360
+ 00:03:43.019 --> 00:03:45.599
361
+ son
362
+
363
+ 91
364
+ 00:03:43.920 --> 00:03:48.959
365
+ or a grandmother mother and a daughter
366
+
367
+ 92
368
+ 00:03:45.599 --> 00:03:50.280
369
+ you know all coming together and uh and
370
+
371
+ 93
372
+ 00:03:48.959 --> 00:03:52.500
373
+ enjoying this
374
+
375
+ 94
376
+ 00:03:50.280 --> 00:03:54.840
377
+ um so yeah it is there is a difference
378
+
379
+ 95
380
+ 00:03:52.500 --> 00:03:56.819
381
+ yeah Bridge uh the generational divide I
382
+
383
+ 96
384
+ 00:03:54.840 --> 00:03:58.620
385
+ know your mom loved it and my Dad loved
386
+
387
+ 97
388
+ 00:03:56.819 --> 00:04:00.120
389
+ it I was actually just telling telling
390
+
391
+ 98
392
+ 00:03:58.620 --> 00:04:01.680
393
+ them on the way in like there's so many
394
+
395
+ 99
396
+ 00:04:00.120 --> 00:04:03.120
397
+ times that I'd come home it's just oh my
398
+
399
+ 100
400
+ 00:04:01.680 --> 00:04:05.159
401
+ dad's watching Star Trek I know on
402
+
403
+ 101
404
+ 00:04:03.120 --> 00:04:07.019
405
+ YouTube I grew up here in New York
406
+
407
+ 102
408
+ 00:04:05.159 --> 00:04:09.060
409
+ Captain's Log you know like my mom used
410
+
411
+ 103
412
+ 00:04:07.019 --> 00:04:10.700
413
+ to see it in Spanish so it was like we
414
+
415
+ 104
416
+ 00:04:09.060 --> 00:04:13.260
417
+ are here
418
+
419
+ 105
420
+ 00:04:10.700 --> 00:04:15.239
421
+ and I remember like it was dubbed when I
422
+
423
+ 106
424
+ 00:04:13.260 --> 00:04:17.160
425
+ was living in the Caribbean we used to
426
+
427
+ 107
428
+ 00:04:15.239 --> 00:04:20.459
429
+ watch reruns of and it was dubbed and
430
+
431
+ 108
432
+ 00:04:17.160 --> 00:04:21.720
433
+ I'm like oh my God this is so old my mom
434
+
435
+ 109
436
+ 00:04:20.459 --> 00:04:22.300
437
+ loved it she used to watch it with her
438
+
439
+ 110
440
+ 00:04:21.720 --> 00:04:26.559
441
+ grandparents
442
+
443
+ 111
444
+ 00:04:22.300 --> 00:04:26.559
445
+ [Music]
446
+
447
+ 112
448
+ 00:04:27.000 --> 00:04:33.020
449
+ who's Rico
450
+
451
+ 113
452
+ 00:04:29.040 --> 00:04:33.020
453
+ I don't know but he tastes like pizza
454
+
455
+ 114
456
+ 00:04:34.200 --> 00:04:41.960
457
+ [Music]
458
+
459
+ 115
460
+ 00:04:40.380 --> 00:04:44.759
461
+ okay
462
+
463
+ 116
464
+ 00:04:41.960 --> 00:04:46.440
465
+ it's not bad I'm still I'm still here I
466
+
467
+ 117
468
+ 00:04:44.759 --> 00:04:48.840
469
+ haven't needed
470
+
471
+ 118
472
+ 00:04:46.440 --> 00:04:50.820
473
+ my fluids I'm I think I'm good in the
474
+
475
+ 119
476
+ 00:04:48.840 --> 00:04:52.030
477
+ driver's seat I can tell I can tell I
478
+
479
+ 120
480
+ 00:04:50.820 --> 00:04:55.280
481
+ feel like I'm in good hands
482
+
483
+ 121
484
+ 00:04:52.030 --> 00:04:57.540
485
+ [Laughter]
486
+
487
+ 122
488
+ 00:04:55.280 --> 00:04:59.580
489
+ what's the most paranoid thing you've
490
+
491
+ 123
492
+ 00:04:57.540 --> 00:05:01.860
493
+ ever seen in movie studio do to protect
494
+
495
+ 124
496
+ 00:04:59.580 --> 00:05:04.080
497
+ the secrecy of a production like our
498
+
499
+ 125
500
+ 00:05:01.860 --> 00:05:05.520
501
+ story is about canvas covered golf carts
502
+
503
+ 126
504
+ 00:05:04.080 --> 00:05:07.440
505
+ and only being able to read the script
506
+
507
+ 127
508
+ 00:05:05.520 --> 00:05:09.000
509
+ with the security guard close by are
510
+
511
+ 128
512
+ 00:05:07.440 --> 00:05:10.860
513
+ those Hollywood urban legend or have you
514
+
515
+ 129
516
+ 00:05:09.000 --> 00:05:13.440
517
+ experienced those things firsthand have
518
+
519
+ 130
520
+ 00:05:10.860 --> 00:05:15.680
521
+ you been to a Marvel set sounds like you
522
+
523
+ 131
524
+ 00:05:13.440 --> 00:05:15.680
525
+ have
526
+
527
+ 132
528
+ 00:05:18.960 --> 00:05:23.039
529
+ feels like a cult you're like what's
530
+
531
+ 133
532
+ 00:05:20.699 --> 00:05:24.539
533
+ going on like I'm dressed in green for
534
+
535
+ 134
536
+ 00:05:23.039 --> 00:05:27.780
537
+ hours of makeup
538
+
539
+ 135
540
+ 00:05:24.539 --> 00:05:30.419
541
+ we must be shooting something what is it
542
+
543
+ 136
544
+ 00:05:27.780 --> 00:05:32.400
545
+ and that has its advantages and
546
+
547
+ 137
548
+ 00:05:30.419 --> 00:05:35.280
549
+ disadvantages the advantages are that
550
+
551
+ 138
552
+ 00:05:32.400 --> 00:05:36.960
553
+ you Savor this surprise for the end
554
+
555
+ 139
556
+ 00:05:35.280 --> 00:05:39.060
557
+ and you don't ruin it and the audience
558
+
559
+ 140
560
+ 00:05:36.960 --> 00:05:41.100
561
+ is able to have an amazing adventure
562
+
563
+ 141
564
+ 00:05:39.060 --> 00:05:43.680
565
+ when they go to the movies to watch it
566
+
567
+ 142
568
+ 00:05:41.100 --> 00:05:44.820
569
+ the disadvantage is mainly for the actor
570
+
571
+ 143
572
+ 00:05:43.680 --> 00:05:47.160
573
+ because
574
+
575
+ 144
576
+ 00:05:44.820 --> 00:05:48.419
577
+ you you don't know what you're doing you
578
+
579
+ 145
580
+ 00:05:47.160 --> 00:05:49.979
581
+ don't know where you're going you don't
582
+
583
+ 146
584
+ 00:05:48.419 --> 00:05:52.080
585
+ know what you're saying you don't know
586
+
587
+ 147
588
+ 00:05:49.979 --> 00:05:54.919
589
+ what's going to happen and that can be a
590
+
591
+ 148
592
+ 00:05:52.080 --> 00:05:54.919
593
+ little nerve-wracking
594
+
595
+ 149
596
+ 00:05:55.320 --> 00:06:00.720
597
+ thank you
598
+
599
+ 150
600
+ 00:05:57.720 --> 00:06:00.720
601
+ Calientes
602
+
603
+ 151
604
+ 00:06:01.340 --> 00:06:06.720
605
+ [Music]
606
+
607
+ 152
608
+ 00:06:04.440 --> 00:06:08.220
609
+ oh wait wait wait it's growing that's
610
+
611
+ 153
612
+ 00:06:06.720 --> 00:06:09.900
613
+ what happens sometimes you know like
614
+
615
+ 154
616
+ 00:06:08.220 --> 00:06:11.160
617
+ they hear you talking or something and
618
+
619
+ 155
620
+ 00:06:09.900 --> 00:06:14.000
621
+ then they come back and kick a little
622
+
623
+ 156
624
+ 00:06:11.160 --> 00:06:14.000
625
+ bit oh
626
+
627
+ 157
628
+ 00:06:14.400 --> 00:06:18.000
629
+ settling in yeah yeah and then we have
630
+
631
+ 158
632
+ 00:06:16.560 --> 00:06:19.139
633
+ kind of a cumulative effect here now
634
+
635
+ 159
636
+ 00:06:18.000 --> 00:06:20.400
637
+ that we're approaching the Midway point
638
+
639
+ 160
640
+ 00:06:19.139 --> 00:06:24.180
641
+ over here
642
+
643
+ 161
644
+ 00:06:20.400 --> 00:06:27.060
645
+ this one feels like a mild like
646
+
647
+ 162
648
+ 00:06:24.180 --> 00:06:28.220
649
+ surprise encounter with an X you know
650
+
651
+ 163
652
+ 00:06:27.060 --> 00:06:30.780
653
+ what I mean
654
+
655
+ 164
656
+ 00:06:28.220 --> 00:06:32.460
657
+ yeah like you're like everything is
658
+
659
+ 165
660
+ 00:06:30.780 --> 00:06:34.740
661
+ going so well and then all of a sudden
662
+
663
+ 166
664
+ 00:06:32.460 --> 00:06:36.539
665
+ your day goes sideways yeah
666
+
667
+ 167
668
+ 00:06:34.740 --> 00:06:38.460
669
+ so you broke into Hollywood with your
670
+
671
+ 168
672
+ 00:06:36.539 --> 00:06:40.440
673
+ role in Center Stage a film that leaned
674
+
675
+ 169
676
+ 00:06:38.460 --> 00:06:42.360
677
+ on your background in ballet dancing and
678
+
679
+ 170
680
+ 00:06:40.440 --> 00:06:43.979
681
+ when I was a kid you know breaking in a
682
+
683
+ 171
684
+ 00:06:42.360 --> 00:06:46.020
685
+ catcher's mitt that was a ritual that we
686
+
687
+ 172
688
+ 00:06:43.979 --> 00:06:47.580
689
+ took very seriously can you talk through
690
+
691
+ 173
692
+ 00:06:46.020 --> 00:06:50.280
693
+ the tips and tricks when it comes to
694
+
695
+ 174
696
+ 00:06:47.580 --> 00:06:52.080
697
+ conditioning a pair of point shoes
698
+
699
+ 175
700
+ 00:06:50.280 --> 00:06:54.060
701
+ well everybody does it differently
702
+
703
+ 176
704
+ 00:06:52.080 --> 00:06:56.280
705
+ there's some people that tape up their
706
+
707
+ 177
708
+ 00:06:54.060 --> 00:06:59.220
709
+ their toes there are other people that
710
+
711
+ 178
712
+ 00:06:56.280 --> 00:07:01.560
713
+ cut sort of like the soul the inner soul
714
+
715
+ 179
716
+ 00:06:59.220 --> 00:07:03.900
717
+ of the shoe they cut it they cut it in
718
+
719
+ 180
720
+ 00:07:01.560 --> 00:07:05.580
721
+ the middle just to help help with the
722
+
723
+ 181
724
+ 00:07:03.900 --> 00:07:08.160
725
+ breaking of it so that your foot is not
726
+
727
+ 182
728
+ 00:07:05.580 --> 00:07:09.840
729
+ the only one doing all the work
730
+
731
+ 183
732
+ 00:07:08.160 --> 00:07:12.060
733
+ um there are other people that go to
734
+
735
+ 184
736
+ 00:07:09.840 --> 00:07:14.400
737
+ full shebang and cut half of that inner
738
+
739
+ 185
740
+ 00:07:12.060 --> 00:07:16.139
741
+ soul uh they're people that just beat
742
+
743
+ 186
744
+ 00:07:14.400 --> 00:07:17.520
745
+ the crap out of their shoes and you just
746
+
747
+ 187
748
+ 00:07:16.139 --> 00:07:19.020
749
+ hear it it sounds like a like a
750
+
751
+ 188
752
+ 00:07:17.520 --> 00:07:21.680
753
+ carpentry class and you're like what the
754
+
755
+ 189
756
+ 00:07:19.020 --> 00:07:21.680
757
+ [ __ ] is going on
758
+
759
+ 190
760
+ 00:07:22.080 --> 00:07:25.800
761
+ um yeah so it's different how would you
762
+
763
+ 191
764
+ 00:07:24.240 --> 00:07:27.479
765
+ say that your ballet background is
766
+
767
+ 192
768
+ 00:07:25.800 --> 00:07:30.720
769
+ served you as an action star I know you
770
+
771
+ 193
772
+ 00:07:27.479 --> 00:07:33.180
773
+ take pride it's the old it is the number
774
+
775
+ 194
776
+ 00:07:30.720 --> 00:07:36.060
777
+ one element that is solely responsible
778
+
779
+ 195
780
+ 00:07:33.180 --> 00:07:38.460
781
+ for my career in action in the action
782
+
783
+ 196
784
+ 00:07:36.060 --> 00:07:39.960
785
+ genre had I not had an athletic
786
+
787
+ 197
788
+ 00:07:38.460 --> 00:07:41.340
789
+ background I don't think I would have
790
+
791
+ 198
792
+ 00:07:39.960 --> 00:07:43.259
793
+ explored
794
+
795
+ 199
796
+ 00:07:41.340 --> 00:07:45.840
797
+ um action sort of movies
798
+
799
+ 200
800
+ 00:07:43.259 --> 00:07:47.699
801
+ we're at the halfway mark
802
+
803
+ 201
804
+ 00:07:45.840 --> 00:07:49.199
805
+ so this next one is the one that you're
806
+
807
+ 202
808
+ 00:07:47.699 --> 00:07:55.440
809
+ kind of looking at a little nervous
810
+
811
+ 203
812
+ 00:07:49.199 --> 00:07:59.180
813
+ about fly by Jing oh chili oil base here
814
+
815
+ 204
816
+ 00:07:55.440 --> 00:07:59.180
817
+ crap here we go
818
+
819
+ 205
820
+ 00:08:00.479 --> 00:08:06.749
821
+ mmm
822
+
823
+ 206
824
+ 00:08:01.460 --> 00:08:06.749
825
+ [Music]
826
+
827
+ 207
828
+ 00:08:06.900 --> 00:08:09.680
829
+ oh yeah
830
+
831
+ 208
832
+ 00:08:08.310 --> 00:08:12.500
833
+ [Music]
834
+
835
+ 209
836
+ 00:08:09.680 --> 00:08:14.639
837
+ this is like an ax
838
+
839
+ 210
840
+ 00:08:12.500 --> 00:08:17.360
841
+ from the same sex actually he's
842
+
843
+ 211
844
+ 00:08:14.639 --> 00:08:17.360
845
+ surprising you
846
+
847
+ 212
848
+ 00:08:17.940 --> 00:08:20.120
849
+ foreign
850
+
851
+ 213
852
+ 00:08:21.820 --> 00:08:25.070
853
+ [Music]
854
+
855
+ 214
856
+ 00:08:25.879 --> 00:08:31.039
857
+ but going back in
858
+
859
+ 215
860
+ 00:08:28.319 --> 00:08:33.300
861
+ it's not back here we go
862
+
863
+ 216
864
+ 00:08:31.039 --> 00:08:34.560
865
+ all right Zoe over a crane segment on
866
+
867
+ 217
868
+ 00:08:33.300 --> 00:08:35.580
869
+ our show called explain that gram we're
870
+
871
+ 218
872
+ 00:08:34.560 --> 00:08:37.020
873
+ gonna Deep dive on our guests and
874
+
875
+ 219
876
+ 00:08:35.580 --> 00:08:39.000
877
+ scramble interesting pictures that need
878
+
879
+ 220
880
+ 00:08:37.020 --> 00:08:41.159
881
+ more context so we'll pull the picture
882
+
883
+ 221
884
+ 00:08:39.000 --> 00:08:43.260
885
+ up over here on the monitor actually the
886
+
887
+ 222
888
+ 00:08:41.159 --> 00:08:44.700
889
+ laptop Bill come on man trying to
890
+
891
+ 223
892
+ 00:08:43.260 --> 00:08:47.760
893
+ tolerate the spiciness feels like
894
+
895
+ 224
896
+ 00:08:44.700 --> 00:08:49.620
897
+ multitasking right over here no it's
898
+
899
+ 225
900
+ 00:08:47.760 --> 00:08:50.760
901
+ okay I understand I can't imagine what
902
+
903
+ 226
904
+ 00:08:49.620 --> 00:08:52.260
905
+ it's like to be on that side of the
906
+
907
+ 227
908
+ 00:08:50.760 --> 00:08:54.600
909
+ table you know this guy over here just
910
+
911
+ 228
912
+ 00:08:52.260 --> 00:08:56.880
913
+ screaming questions I love it thank you
914
+
915
+ 229
916
+ 00:08:54.600 --> 00:08:58.860
917
+ hear from the filming of Rosemary's Baby
918
+
919
+ 230
920
+ 00:08:56.880 --> 00:09:01.860
921
+ I love Paris it's one of my favorite
922
+
923
+ 231
924
+ 00:08:58.860 --> 00:09:03.360
925
+ places in the world but I do remember
926
+
927
+ 232
928
+ 00:09:01.860 --> 00:09:06.300
929
+ that was a very stressful production
930
+
931
+ 233
932
+ 00:09:03.360 --> 00:09:06.899
933
+ because it was very rushed and
934
+
935
+ 234
936
+ 00:09:06.300 --> 00:09:09.180
937
+ um
938
+
939
+ 235
940
+ 00:09:06.899 --> 00:09:11.040
941
+ and I remember like just working every
942
+
943
+ 236
944
+ 00:09:09.180 --> 00:09:14.040
945
+ day and not having enough time to rest
946
+
947
+ 237
948
+ 00:09:11.040 --> 00:09:16.500
949
+ and during that time I worked hard and I
950
+
951
+ 238
952
+ 00:09:14.040 --> 00:09:19.320
953
+ played hard too like I was always like
954
+
955
+ 239
956
+ 00:09:16.500 --> 00:09:21.060
957
+ one bottle of wine a night like you know
958
+
959
+ 240
960
+ 00:09:19.320 --> 00:09:22.140
961
+ pack of cigarettes like did you see that
962
+
963
+ 241
964
+ 00:09:21.060 --> 00:09:24.180
965
+ scene yeah we're gonna do that one
966
+
967
+ 242
968
+ 00:09:22.140 --> 00:09:26.700
969
+ tomorrow like and I remember thinking
970
+
971
+ 243
972
+ 00:09:24.180 --> 00:09:28.320
973
+ like I'm exhausted you know when you go
974
+
975
+ 244
976
+ 00:09:26.700 --> 00:09:30.180
977
+ to work but it's like it's because that
978
+
979
+ 245
980
+ 00:09:28.320 --> 00:09:32.519
981
+ you're I was young and very immature and
982
+
983
+ 246
984
+ 00:09:30.180 --> 00:09:33.480
985
+ I was like I shouldn't have to party so
986
+
987
+ 247
988
+ 00:09:32.519 --> 00:09:35.040
989
+ much
990
+
991
+ 248
992
+ 00:09:33.480 --> 00:09:37.080
993
+ it's funny that's just what came to my
994
+
995
+ 249
996
+ 00:09:35.040 --> 00:09:38.880
997
+ mind I'm just no filter here there you
998
+
999
+ 250
1000
+ 00:09:37.080 --> 00:09:42.899
1001
+ go stream of Consciousness what's the
1002
+
1003
+ 251
1004
+ 00:09:38.880 --> 00:09:46.080
1005
+ spiciness it happens god well that does
1006
+
1007
+ 252
1008
+ 00:09:42.899 --> 00:09:48.360
1009
+ it for explain that Graham We are on to
1010
+
1011
+ 253
1012
+ 00:09:46.080 --> 00:09:50.399
1013
+ the back half you're doing so good so oh
1014
+
1015
+ 254
1016
+ 00:09:48.360 --> 00:09:52.019
1017
+ is this like the hard stuff
1018
+
1019
+ 255
1020
+ 00:09:50.399 --> 00:09:53.519
1021
+ it's gonna I'm not gonna lie to you I'm
1022
+
1023
+ 256
1024
+ 00:09:52.019 --> 00:09:55.860
1025
+ not gonna lie to you we're gonna be
1026
+
1027
+ 257
1028
+ 00:09:53.519 --> 00:09:57.240
1029
+ taking some steps here okay
1030
+
1031
+ 258
1032
+ 00:09:55.860 --> 00:09:59.940
1033
+ I'm scared of this one this one's like
1034
+
1035
+ 259
1036
+ 00:09:57.240 --> 00:10:03.680
1037
+ the Chile lingual de Fuego yep in the
1038
+
1039
+ 260
1040
+ 00:09:59.940 --> 00:10:03.680
1041
+ sixth spot here we go
1042
+
1043
+ 261
1044
+ 00:10:09.720 --> 00:10:15.899
1045
+ I know that face I'm making the same one
1046
+
1047
+ 262
1048
+ 00:10:13.140 --> 00:10:19.680
1049
+ oh my God hard liquor oh thank you
1050
+
1051
+ 263
1052
+ 00:10:15.899 --> 00:10:23.880
1053
+ Honduras thank you for this Fuego
1054
+
1055
+ 264
1056
+ 00:10:19.680 --> 00:10:26.279
1057
+ oh my nose is running hmm okay it's
1058
+
1059
+ 265
1060
+ 00:10:23.880 --> 00:10:28.860
1061
+ happening yeah we're in the show but
1062
+
1063
+ 266
1064
+ 00:10:26.279 --> 00:10:33.000
1065
+ it's it's uh
1066
+
1067
+ 267
1068
+ 00:10:28.860 --> 00:10:34.380
1069
+ it's um it's not that oh no it keeps
1070
+
1071
+ 268
1072
+ 00:10:33.000 --> 00:10:36.360
1073
+ growing I know I'm so sorry I'm trying
1074
+
1075
+ 269
1076
+ 00:10:34.380 --> 00:10:38.220
1077
+ to be tough but I'm like
1078
+
1079
+ 270
1080
+ 00:10:36.360 --> 00:10:39.959
1081
+ no
1082
+
1083
+ 271
1084
+ 00:10:38.220 --> 00:10:42.360
1085
+ so despite at one point your career is
1086
+
1087
+ 272
1088
+ 00:10:39.959 --> 00:10:44.700
1089
+ swearing off big budget films a fun and
1090
+
1091
+ 273
1092
+ 00:10:42.360 --> 00:10:46.680
1093
+ wild Zoe Saldana fun fact is that you've
1094
+
1095
+ 274
1096
+ 00:10:44.700 --> 00:10:48.720
1097
+ been in three of the top five highest
1098
+
1099
+ 275
1100
+ 00:10:46.680 --> 00:10:51.360
1101
+ grossing films of all time a feat that
1102
+
1103
+ 276
1104
+ 00:10:48.720 --> 00:10:53.100
1105
+ you stand alone in Hollywood history do
1106
+
1107
+ 277
1108
+ 00:10:51.360 --> 00:10:55.140
1109
+ you feel like you have some sort of
1110
+
1111
+ 278
1112
+ 00:10:53.100 --> 00:10:56.760
1113
+ sixth sense when it comes to aligning
1114
+
1115
+ 279
1116
+ 00:10:55.140 --> 00:10:59.640
1117
+ with these projects that end up being
1118
+
1119
+ 280
1120
+ 00:10:56.760 --> 00:11:02.040
1121
+ just massive Global hits no it's just
1122
+
1123
+ 281
1124
+ 00:10:59.640 --> 00:11:03.660
1125
+ it's an open heart it's just um reading
1126
+
1127
+ 282
1128
+ 00:11:02.040 --> 00:11:07.320
1129
+ something and then meeting the director
1130
+
1131
+ 283
1132
+ 00:11:03.660 --> 00:11:08.279
1133
+ and then knowing the cast behind it and
1134
+
1135
+ 284
1136
+ 00:11:07.320 --> 00:11:10.680
1137
+ um
1138
+
1139
+ 285
1140
+ 00:11:08.279 --> 00:11:13.200
1141
+ and thinking you know well as an
1142
+
1143
+ 286
1144
+ 00:11:10.680 --> 00:11:14.760
1145
+ audience member I would want to watch
1146
+
1147
+ 287
1148
+ 00:11:13.200 --> 00:11:16.440
1149
+ this I would go to the movies to watch
1150
+
1151
+ 288
1152
+ 00:11:14.760 --> 00:11:19.079
1153
+ it like that's how I've made these
1154
+
1155
+ 289
1156
+ 00:11:16.440 --> 00:11:21.779
1157
+ decisions and it's also I don't look at
1158
+
1159
+ 290
1160
+ 00:11:19.079 --> 00:11:24.420
1161
+ action movies or movies that are meant
1162
+
1163
+ 291
1164
+ 00:11:21.779 --> 00:11:27.420
1165
+ for a younger audience and discard them
1166
+
1167
+ 292
1168
+ 00:11:24.420 --> 00:11:29.640
1169
+ now that I'm a mom too
1170
+
1171
+ 293
1172
+ 00:11:27.420 --> 00:11:33.740
1173
+ um when my kids are ready to watch these
1174
+
1175
+ 294
1176
+ 00:11:29.640 --> 00:11:36.000
1177
+ movies I'll have like major credit
1178
+
1179
+ 295
1180
+ 00:11:33.740 --> 00:11:39.240
1181
+ at the other day if my kids still think
1182
+
1183
+ 296
1184
+ 00:11:36.000 --> 00:11:41.279
1185
+ I'm cool until they're like 14 15.
1186
+
1187
+ 297
1188
+ 00:11:39.240 --> 00:11:43.500
1189
+ then I'm doing something right you know
1190
+
1191
+ 298
1192
+ 00:11:41.279 --> 00:11:45.779
1193
+ well wait till they see the way that you
1194
+
1195
+ 299
1196
+ 00:11:43.500 --> 00:11:48.660
1197
+ house these hot sauces on down the
1198
+
1199
+ 300
1200
+ 00:11:45.779 --> 00:11:50.519
1201
+ gauntlet and on that note [ __ ] should we
1202
+
1203
+ 301
1204
+ 00:11:48.660 --> 00:11:54.180
1205
+ do the next one oh my God you're so like
1206
+
1207
+ 302
1208
+ 00:11:50.519 --> 00:11:56.760
1209
+ excited to do it too look at you
1210
+
1211
+ 303
1212
+ 00:11:54.180 --> 00:11:59.300
1213
+ this is the uh Cosmic disco here in the
1214
+
1215
+ 304
1216
+ 00:11:56.760 --> 00:11:59.300
1217
+ seventh spot
1218
+
1219
+ 305
1220
+ 00:11:59.940 --> 00:12:02.000
1221
+ um
1222
+
1223
+ 306
1224
+ 00:12:04.860 --> 00:12:10.920
1225
+ there's a sweetness at first
1226
+
1227
+ 307
1228
+ 00:12:07.860 --> 00:12:14.940
1229
+ there's like a disco alien on the cover
1230
+
1231
+ 308
1232
+ 00:12:10.920 --> 00:12:19.140
1233
+ on the label oh my God yeah I know
1234
+
1235
+ 309
1236
+ 00:12:14.940 --> 00:12:21.180
1237
+ it kind of doesn't stop oh well I know
1238
+
1239
+ 310
1240
+ 00:12:19.140 --> 00:12:23.100
1241
+ oh
1242
+
1243
+ 311
1244
+ 00:12:21.180 --> 00:12:25.140
1245
+ so I read that ahead of filming Avatar
1246
+
1247
+ 312
1248
+ 00:12:23.100 --> 00:12:26.940
1249
+ James Cameron took the cast to Hawaii
1250
+
1251
+ 313
1252
+ 00:12:25.140 --> 00:12:28.140
1253
+ this is like why do you want to keep
1254
+
1255
+ 314
1256
+ 00:12:26.940 --> 00:12:30.120
1257
+ going
1258
+
1259
+ 315
1260
+ 00:12:28.140 --> 00:12:31.320
1261
+ [ __ ] give me a second yeah yeah yeah
1262
+
1263
+ 316
1264
+ 00:12:30.120 --> 00:12:35.060
1265
+ yeah
1266
+
1267
+ 317
1268
+ 00:12:31.320 --> 00:12:35.060
1269
+ taking my foot off the gas oh
1270
+
1271
+ 318
1272
+ 00:12:35.459 --> 00:12:37.700
1273
+ okay
1274
+
1275
+ 319
1276
+ 00:12:37.760 --> 00:12:42.600
1277
+ all right keep okay let's do it you
1278
+
1279
+ 320
1280
+ 00:12:40.500 --> 00:12:44.940
1281
+ ready you ready
1282
+
1283
+ 321
1284
+ 00:12:42.600 --> 00:12:47.459
1285
+ so I read that ahead of filming James
1286
+
1287
+ 322
1288
+ 00:12:44.940 --> 00:12:49.500
1289
+ Cameron took the cast to Hawaii to live
1290
+
1291
+ 323
1292
+ 00:12:47.459 --> 00:12:52.139
1293
+ in the woods and catch fish and build
1294
+
1295
+ 324
1296
+ 00:12:49.500 --> 00:12:53.579
1297
+ fires when you think of the exacting and
1298
+
1299
+ 325
1300
+ 00:12:52.139 --> 00:12:55.380
1301
+ precise notes that he's given you over
1302
+
1303
+ 326
1304
+ 00:12:53.579 --> 00:12:57.060
1305
+ the years is the one that stands out as
1306
+
1307
+ 327
1308
+ 00:12:55.380 --> 00:13:00.240
1309
+ being you know quintessentially James
1310
+
1311
+ 328
1312
+ 00:12:57.060 --> 00:13:02.100
1313
+ Cameron yeah go ahead take your time
1314
+
1315
+ 329
1316
+ 00:13:00.240 --> 00:13:04.200
1317
+ I'm gonna hit one too
1318
+
1319
+ 330
1320
+ 00:13:02.100 --> 00:13:07.560
1321
+ yeah
1322
+
1323
+ 331
1324
+ 00:13:04.200 --> 00:13:11.700
1325
+ um a key note for me as I was putting
1326
+
1327
+ 332
1328
+ 00:13:07.560 --> 00:13:13.440
1329
+ near natiri together and and because I
1330
+
1331
+ 333
1332
+ 00:13:11.700 --> 00:13:14.820
1333
+ was the first person cast I was working
1334
+
1335
+ 334
1336
+ 00:13:13.440 --> 00:13:16.980
1337
+ with all
1338
+
1339
+ 335
1340
+ 00:13:14.820 --> 00:13:18.959
1341
+ all these people
1342
+
1343
+ 336
1344
+ 00:13:16.980 --> 00:13:21.180
1345
+ and we were kind of building the not V
1346
+
1347
+ 337
1348
+ 00:13:18.959 --> 00:13:22.860
1349
+ together I was a part of that team and
1350
+
1351
+ 338
1352
+ 00:13:21.180 --> 00:13:24.180
1353
+ it just felt so great and and the way
1354
+
1355
+ 339
1356
+ 00:13:22.860 --> 00:13:25.980
1357
+ that they walk and the way that they
1358
+
1359
+ 340
1360
+ 00:13:24.180 --> 00:13:27.959
1361
+ turned around and things like that and I
1362
+
1363
+ 341
1364
+ 00:13:25.980 --> 00:13:29.880
1365
+ remember one day
1366
+
1367
+ 342
1368
+ 00:13:27.959 --> 00:13:31.980
1369
+ Jim was like you need to understand like
1370
+
1371
+ 343
1372
+ 00:13:29.880 --> 00:13:34.620
1373
+ they don't they don't lie
1374
+
1375
+ 344
1376
+ 00:13:31.980 --> 00:13:36.360
1377
+ it's not in their nature so that kind of
1378
+
1379
+ 345
1380
+ 00:13:34.620 --> 00:13:38.820
1381
+ stayed with me and I tried to always
1382
+
1383
+ 346
1384
+ 00:13:36.360 --> 00:13:40.980
1385
+ process that whatever it is that you
1386
+
1387
+ 347
1388
+ 00:13:38.820 --> 00:13:42.360
1389
+ tell her she'll believe it and and
1390
+
1391
+ 348
1392
+ 00:13:40.980 --> 00:13:44.579
1393
+ whatever it is that she's thinking
1394
+
1395
+ 349
1396
+ 00:13:42.360 --> 00:13:46.260
1397
+ she'll say it and that always stayed
1398
+
1399
+ 350
1400
+ 00:13:44.579 --> 00:13:48.360
1401
+ with me did I answer your question yeah
1402
+
1403
+ 351
1404
+ 00:13:46.260 --> 00:13:49.860
1405
+ you did okay you did not only did you
1406
+
1407
+ 352
1408
+ 00:13:48.360 --> 00:13:51.540
1409
+ answer it you answered it so eloquently
1410
+
1411
+ 353
1412
+ 00:13:49.860 --> 00:13:53.820
1413
+ and I saw the way that you were battling
1414
+
1415
+ 354
1416
+ 00:13:51.540 --> 00:13:55.740
1417
+ through that the whole time yeah
1418
+
1419
+ 355
1420
+ 00:13:53.820 --> 00:13:56.760
1421
+ I was trying not to drool for some
1422
+
1423
+ 356
1424
+ 00:13:55.740 --> 00:13:58.800
1425
+ reason
1426
+
1427
+ 357
1428
+ 00:13:56.760 --> 00:14:01.260
1429
+ mouth keeps like watering and I'm like
1430
+
1431
+ 358
1432
+ 00:13:58.800 --> 00:14:03.899
1433
+ don't drool please so not gracious
1434
+
1435
+ 359
1436
+ 00:14:01.260 --> 00:14:06.260
1437
+ okay are we gonna do the bomb
1438
+
1439
+ 360
1440
+ 00:14:03.899 --> 00:14:06.260
1441
+ foreign
1442
+
1443
+ 361
1444
+ 00:14:09.060 --> 00:14:13.019
1445
+ the color of it
1446
+
1447
+ 362
1448
+ 00:14:11.459 --> 00:14:15.500
1449
+ oh my God I'm nervous yeah there's no
1450
+
1451
+ 363
1452
+ 00:14:13.019 --> 00:14:15.500
1453
+ place to hide
1454
+
1455
+ 364
1456
+ 00:14:17.880 --> 00:14:21.779
1457
+ this is another level
1458
+
1459
+ 365
1460
+ 00:14:19.500 --> 00:14:23.880
1461
+ so I'll slow it down yeah
1462
+
1463
+ 366
1464
+ 00:14:21.779 --> 00:14:25.440
1465
+ I know
1466
+
1467
+ 367
1468
+ 00:14:23.880 --> 00:14:27.920
1469
+ I know I know
1470
+
1471
+ 368
1472
+ 00:14:25.440 --> 00:14:27.920
1473
+ ah
1474
+
1475
+ 369
1476
+ 00:14:32.160 --> 00:14:37.260
1477
+ oh my God I feel like Maya Rudolph when
1478
+
1479
+ 370
1480
+ 00:14:33.959 --> 00:14:39.300
1481
+ she played Beyonce on your show
1482
+
1483
+ 371
1484
+ 00:14:37.260 --> 00:14:41.699
1485
+ yeah
1486
+
1487
+ 372
1488
+ 00:14:39.300 --> 00:14:44.839
1489
+ oh my God and that'd be be very careful
1490
+
1491
+ 373
1492
+ 00:14:41.699 --> 00:14:44.839
1493
+ oh yeah yeah
1494
+
1495
+ 374
1496
+ 00:14:45.899 --> 00:14:50.399
1497
+ I'm working
1498
+
1499
+ 375
1500
+ 00:14:47.220 --> 00:14:52.380
1501
+ for you and against you at both times
1502
+
1503
+ 376
1504
+ 00:14:50.399 --> 00:14:54.000
1505
+ are you working for me I'm trying to you
1506
+
1507
+ 377
1508
+ 00:14:52.380 --> 00:14:55.560
1509
+ know I'm trying to save the eyes I still
1510
+
1511
+ 378
1512
+ 00:14:54.000 --> 00:14:56.700
1513
+ like it I know in these circumstances
1514
+
1515
+ 379
1516
+ 00:14:55.560 --> 00:14:58.740
1517
+ it's not easy you know
1518
+
1519
+ 380
1520
+ 00:14:56.700 --> 00:15:01.160
1521
+ [Music]
1522
+
1523
+ 381
1524
+ 00:14:58.740 --> 00:15:01.160
1525
+ oh
1526
+
1527
+ 382
1528
+ 00:15:04.680 --> 00:15:08.760
1529
+ so I know that you grew up between New
1530
+
1531
+ 383
1532
+ 00:15:06.360 --> 00:15:10.199
1533
+ York Dominican Republic I know I know I
1534
+
1535
+ 384
1536
+ 00:15:08.760 --> 00:15:11.820
1537
+ know it's always I just gotta I
1538
+
1539
+ 385
1540
+ 00:15:10.199 --> 00:15:14.279
1541
+ apologize I know it's almost like I have
1542
+
1543
+ 386
1544
+ 00:15:11.820 --> 00:15:16.440
1545
+ to apologize for the show for the
1546
+
1547
+ 387
1548
+ 00:15:14.279 --> 00:15:18.779
1549
+ uninitiated can you explain the joys of
1550
+
1551
+ 388
1552
+ 00:15:16.440 --> 00:15:20.579
1553
+ Dominican Chinese food it's a sub-genre
1554
+
1555
+ 389
1556
+ 00:15:18.779 --> 00:15:22.380
1557
+ that even in New York I think is kind of
1558
+
1559
+ 390
1560
+ 00:15:20.579 --> 00:15:24.180
1561
+ like a if you know you know
1562
+
1563
+ 391
1564
+ 00:15:22.380 --> 00:15:26.399
1565
+ my grandmother and my grandfather used
1566
+
1567
+ 392
1568
+ 00:15:24.180 --> 00:15:28.500
1569
+ to celebrate their anniversary in this
1570
+
1571
+ 393
1572
+ 00:15:26.399 --> 00:15:30.660
1573
+ Chinese Cuban restaurant on Junction
1574
+
1575
+ 394
1576
+ 00:15:28.500 --> 00:15:33.839
1577
+ Boulevard in Queens and it was there for
1578
+
1579
+ 395
1580
+ 00:15:30.660 --> 00:15:35.279
1581
+ decades and it had the best food so they
1582
+
1583
+ 396
1584
+ 00:15:33.839 --> 00:15:37.019
1585
+ would give you like fried rice with like
1586
+
1587
+ 397
1588
+ 00:15:35.279 --> 00:15:40.079
1589
+ tostones you know
1590
+
1591
+ 398
1592
+ 00:15:37.019 --> 00:15:41.940
1593
+ and uh so I grew up sort of like that
1594
+
1595
+ 399
1596
+ 00:15:40.079 --> 00:15:44.760
1597
+ became like a normal thing my dad is a
1598
+
1599
+ 400
1600
+ 00:15:41.940 --> 00:15:46.800
1601
+ my grandfather as a Dominican man who
1602
+
1603
+ 401
1604
+ 00:15:44.760 --> 00:15:48.899
1605
+ worked in Argentine Pizzeria so he knew
1606
+
1607
+ 402
1608
+ 00:15:46.800 --> 00:15:50.760
1609
+ how to make empanadas and Asados and
1610
+
1611
+ 403
1612
+ 00:15:48.899 --> 00:15:53.220
1613
+ everything I learned to drink wine
1614
+
1615
+ 404
1616
+ 00:15:50.760 --> 00:15:55.320
1617
+ thanks to that because you know his wine
1618
+
1619
+ 405
1620
+ 00:15:53.220 --> 00:15:58.139
1621
+ selection was superb
1622
+
1623
+ 406
1624
+ 00:15:55.320 --> 00:16:00.300
1625
+ and uh but I also have family that's
1626
+
1627
+ 407
1628
+ 00:15:58.139 --> 00:16:02.279
1629
+ like half half Dominican and half
1630
+
1631
+ 408
1632
+ 00:16:00.300 --> 00:16:05.100
1633
+ British half Mexican half Dominican half
1634
+
1635
+ 409
1636
+ 00:16:02.279 --> 00:16:07.380
1637
+ Japanese half Dominican like so it was
1638
+
1639
+ 410
1640
+ 00:16:05.100 --> 00:16:09.180
1641
+ always very normal for us to eat all
1642
+
1643
+ 411
1644
+ 00:16:07.380 --> 00:16:10.380
1645
+ kinds of things
1646
+
1647
+ 412
1648
+ 00:16:09.180 --> 00:16:12.360
1649
+ um if my great-grandmother wasn't
1650
+
1651
+ 413
1652
+ 00:16:10.380 --> 00:16:15.180
1653
+ cooking did I answer your question I
1654
+
1655
+ 414
1656
+ 00:16:12.360 --> 00:16:17.639
1657
+ went some you know you know what is
1658
+
1659
+ 415
1660
+ 00:16:15.180 --> 00:16:19.380
1661
+ impressive and something I'm noting and
1662
+
1663
+ 416
1664
+ 00:16:17.639 --> 00:16:22.199
1665
+ unique and I've been doing this show a
1666
+
1667
+ 417
1668
+ 00:16:19.380 --> 00:16:23.519
1669
+ long time you know like before you start
1670
+
1671
+ 418
1672
+ 00:16:22.199 --> 00:16:25.199
1673
+ you know you're really going through it
1674
+
1675
+ 419
1676
+ 00:16:23.519 --> 00:16:26.760
1677
+ I can tell you know and I am too over
1678
+
1679
+ 420
1680
+ 00:16:25.199 --> 00:16:29.639
1681
+ here even though I put up a stoic front
1682
+
1683
+ 421
1684
+ 00:16:26.760 --> 00:16:31.560
1685
+ yes you're very good at it oh thank you
1686
+
1687
+ 422
1688
+ 00:16:29.639 --> 00:16:33.420
1689
+ Zoe so but I would say it's well you
1690
+
1691
+ 423
1692
+ 00:16:31.560 --> 00:16:34.680
1693
+ know what you're good at once you get
1694
+
1695
+ 424
1696
+ 00:16:33.420 --> 00:16:37.079
1697
+ going though
1698
+
1699
+ 425
1700
+ 00:16:34.680 --> 00:16:38.940
1701
+ you hit it non-stop like all the way I
1702
+
1703
+ 426
1704
+ 00:16:37.079 --> 00:16:40.740
1705
+ talk a lot yeah but you just rip it
1706
+
1707
+ 427
1708
+ 00:16:38.940 --> 00:16:43.139
1709
+ right through you know you go from like
1710
+
1711
+ 428
1712
+ 00:16:40.740 --> 00:16:45.300
1713
+ bothered to then just bam like eloquent
1714
+
1715
+ 429
1716
+ 00:16:43.139 --> 00:16:47.100
1717
+ interview answered bam stick the landing
1718
+
1719
+ 430
1720
+ 00:16:45.300 --> 00:16:49.699
1721
+ and then damn it do we have more of
1722
+
1723
+ 431
1724
+ 00:16:47.100 --> 00:16:49.699
1725
+ these to eat
1726
+
1727
+ 432
1728
+ 00:16:52.980 --> 00:16:57.680
1729
+ it's so spicy it almost tastes
1730
+
1731
+ 433
1732
+ 00:16:55.139 --> 00:16:57.680
1733
+ artificial
1734
+
1735
+ 434
1736
+ 00:17:00.180 --> 00:17:04.199
1737
+ I know
1738
+
1739
+ 435
1740
+ 00:17:01.860 --> 00:17:08.459
1741
+ nothing really fun anymore
1742
+
1743
+ 436
1744
+ 00:17:04.199 --> 00:17:10.439
1745
+ no the bomb kinda messed the vibe up
1746
+
1747
+ 437
1748
+ 00:17:08.459 --> 00:17:12.059
1749
+ kind of feels like
1750
+
1751
+ 438
1752
+ 00:17:10.439 --> 00:17:14.400
1753
+ I don't know do you ever have that one
1754
+
1755
+ 439
1756
+ 00:17:12.059 --> 00:17:16.310
1757
+ friend that if you went out partying
1758
+
1759
+ 440
1760
+ 00:17:14.400 --> 00:17:17.760
1761
+ with her or him
1762
+
1763
+ 441
1764
+ 00:17:16.310 --> 00:17:19.199
1765
+ [Music]
1766
+
1767
+ 442
1768
+ 00:17:17.760 --> 00:17:21.059
1769
+ and you knew that around three o'clock
1770
+
1771
+ 443
1772
+ 00:17:19.199 --> 00:17:23.100
1773
+ in the morning like this is this is too
1774
+
1775
+ 444
1776
+ 00:17:21.059 --> 00:17:25.140
1777
+ late like we gotta go that's when they
1778
+
1779
+ 445
1780
+ 00:17:23.100 --> 00:17:26.459
1781
+ take that last shot yeah and they're
1782
+
1783
+ 446
1784
+ 00:17:25.140 --> 00:17:28.079
1785
+ still drunk and all you want to do is
1786
+
1787
+ 447
1788
+ 00:17:26.459 --> 00:17:29.400
1789
+ like have a pizza take a cab and go to
1790
+
1791
+ 448
1792
+ 00:17:28.079 --> 00:17:31.440
1793
+ bed yeah
1794
+
1795
+ 449
1796
+ 00:17:29.400 --> 00:17:33.600
1797
+ and they're like let's do it like the
1798
+
1799
+ 450
1800
+ 00:17:31.440 --> 00:17:35.460
1801
+ bomb feels like that yeah it's like me
1802
+
1803
+ 451
1804
+ 00:17:33.600 --> 00:17:37.260
1805
+ like I'm that guy being like Oh we just
1806
+
1807
+ 452
1808
+ 00:17:35.460 --> 00:17:39.240
1809
+ got one more shot two more years two
1810
+
1811
+ 453
1812
+ 00:17:37.260 --> 00:17:41.160
1813
+ more shots two more shots here on this
1814
+
1815
+ 454
1816
+ 00:17:39.240 --> 00:17:43.039
1817
+ show were we friends before did I drop
1818
+
1819
+ 455
1820
+ 00:17:41.160 --> 00:17:46.620
1821
+ you
1822
+
1823
+ 456
1824
+ 00:17:43.039 --> 00:17:48.600
1825
+ I had that one friend it's like oh my
1826
+
1827
+ 457
1828
+ 00:17:46.620 --> 00:17:50.160
1829
+ God can you just stop come on let's go
1830
+
1831
+ 458
1832
+ 00:17:48.600 --> 00:17:52.980
1833
+ come on let's do it let's do it you're
1834
+
1835
+ 459
1836
+ 00:17:50.160 --> 00:17:55.080
1837
+ like it's 4 30 in the morning let's not
1838
+
1839
+ 460
1840
+ 00:17:52.980 --> 00:17:57.660
1841
+ do anything this one was okay but you
1842
+
1843
+ 461
1844
+ 00:17:55.080 --> 00:18:01.320
1845
+ know what the bomb ruined my taste buds
1846
+
1847
+ 462
1848
+ 00:17:57.660 --> 00:18:03.720
1849
+ scorched Earth so I can't really taste
1850
+
1851
+ 463
1852
+ 00:18:01.320 --> 00:18:06.240
1853
+ anything and I'll tell you
1854
+
1855
+ 464
1856
+ 00:18:03.720 --> 00:18:10.280
1857
+ getting gassy too I think that my
1858
+
1859
+ 465
1860
+ 00:18:06.240 --> 00:18:13.260
1861
+ stomach is like really like upset hurt
1862
+
1863
+ 466
1864
+ 00:18:10.280 --> 00:18:16.140
1865
+ you know making it happening yeah
1866
+
1867
+ 467
1868
+ 00:18:13.260 --> 00:18:17.580
1869
+ sending you a message processing and
1870
+
1871
+ 468
1872
+ 00:18:16.140 --> 00:18:21.620
1873
+ it's like in my stomach it's also like
1874
+
1875
+ 469
1876
+ 00:18:17.580 --> 00:18:21.620
1877
+ as it was like traveling
1878
+
1879
+ 470
1880
+ 00:18:23.520 --> 00:18:26.120
1881
+ [ __ ]
1882
+
1883
+ 471
1884
+ 00:18:29.360 --> 00:18:33.000
1885
+ this is the last ad we call it the last
1886
+
1887
+ 472
1888
+ 00:18:31.679 --> 00:18:34.140
1889
+ dab because the tradition around here to
1890
+
1891
+ 473
1892
+ 00:18:33.000 --> 00:18:35.700
1893
+ put a little extra on the last one you
1894
+
1895
+ 474
1896
+ 00:18:34.140 --> 00:18:37.620
1897
+ don't have to if you don't want to I
1898
+
1899
+ 475
1900
+ 00:18:35.700 --> 00:18:39.179
1901
+ don't know Machine Gun Kelly said it one
1902
+
1903
+ 476
1904
+ 00:18:37.620 --> 00:18:40.740
1905
+ time like seven years ago we just kept
1906
+
1907
+ 477
1908
+ 00:18:39.179 --> 00:18:43.310
1909
+ doing it I don't want to be the [ __ ]
1910
+
1911
+ 478
1912
+ 00:18:40.740 --> 00:18:44.940
1913
+ right now I know I'm okay
1914
+
1915
+ 479
1916
+ 00:18:43.310 --> 00:18:48.740
1917
+ [Music]
1918
+
1919
+ 480
1920
+ 00:18:44.940 --> 00:18:48.740
1921
+ my stomach is like really upset
1922
+
1923
+ 481
1924
+ 00:18:50.220 --> 00:18:54.480
1925
+ but the good news is
1926
+
1927
+ 482
1928
+ 00:18:52.740 --> 00:18:55.440
1929
+ we've reached the Finish Line we've done
1930
+
1931
+ 483
1932
+ 00:18:54.480 --> 00:18:57.539
1933
+ it
1934
+
1935
+ 484
1936
+ 00:18:55.440 --> 00:18:59.880
1937
+ look on the hot ones gauntlet
1938
+
1939
+ 485
1940
+ 00:18:57.539 --> 00:19:01.320
1941
+ still on our feet even though this one
1942
+
1943
+ 486
1944
+ 00:18:59.880 --> 00:19:03.120
1945
+ will have kind of a build which I know
1946
+
1947
+ 487
1948
+ 00:19:01.320 --> 00:19:06.000
1949
+ yeah you can start to I can start to see
1950
+
1951
+ 488
1952
+ 00:19:03.120 --> 00:19:08.160
1953
+ it I'm I'm reading the many faces of Zoe
1954
+
1955
+ 489
1956
+ 00:19:06.000 --> 00:19:10.620
1957
+ today yeah but a through line through
1958
+
1959
+ 490
1960
+ 00:19:08.160 --> 00:19:12.720
1961
+ your career stories that take place in
1962
+
1963
+ 491
1964
+ 00:19:10.620 --> 00:19:15.000
1965
+ space stories that take place in
1966
+
1967
+ 492
1968
+ 00:19:12.720 --> 00:19:17.280
1969
+ Fantastical lands stories that take
1970
+
1971
+ 493
1972
+ 00:19:15.000 --> 00:19:19.620
1973
+ place in the future and I'm curious to
1974
+
1975
+ 494
1976
+ 00:19:17.280 --> 00:19:22.440
1977
+ close things out with your brain on fire
1978
+
1979
+ 495
1980
+ 00:19:19.620 --> 00:19:25.380
1981
+ mouth Ablaze what is science fiction
1982
+
1983
+ 496
1984
+ 00:19:22.440 --> 00:19:28.380
1985
+ able to teach us or make us feel that
1986
+
1987
+ 497
1988
+ 00:19:25.380 --> 00:19:31.200
1989
+ other genres can't
1990
+
1991
+ 498
1992
+ 00:19:28.380 --> 00:19:33.120
1993
+ um you know what is the saying that art
1994
+
1995
+ 499
1996
+ 00:19:31.200 --> 00:19:35.660
1997
+ can imitate life
1998
+
1999
+ 500
2000
+ 00:19:33.120 --> 00:19:35.660
2001
+ right
2002
+
2003
+ 501
2004
+ 00:19:35.820 --> 00:19:39.660
2005
+ so
2006
+
2007
+ 502
2008
+ 00:19:37.679 --> 00:19:43.679
2009
+ I think that
2010
+
2011
+ 503
2012
+ 00:19:39.660 --> 00:19:47.340
2013
+ if you manifest an idea through your art
2014
+
2015
+ 504
2016
+ 00:19:43.679 --> 00:19:50.100
2017
+ um you see it you live it enough to sort
2018
+
2019
+ 505
2020
+ 00:19:47.340 --> 00:19:53.280
2021
+ of manifest it I think so
2022
+
2023
+ 506
2024
+ 00:19:50.100 --> 00:19:56.160
2025
+ I I like like I like seeing us believing
2026
+
2027
+ 507
2028
+ 00:19:53.280 --> 00:20:00.059
2029
+ so storytelling does play a very
2030
+
2031
+ 508
2032
+ 00:19:56.160 --> 00:20:01.919
2033
+ important role in an hour evolution
2034
+
2035
+ 509
2036
+ 00:20:00.059 --> 00:20:04.140
2037
+ so it's we have to be very careful with
2038
+
2039
+ 510
2040
+ 00:20:01.919 --> 00:20:05.940
2041
+ the stories we want to tell
2042
+
2043
+ 511
2044
+ 00:20:04.140 --> 00:20:07.679
2045
+ um I'm feeling good that was deep right
2046
+
2047
+ 512
2048
+ 00:20:05.940 --> 00:20:09.900
2049
+ that was like a little deep yeah well
2050
+
2051
+ 513
2052
+ 00:20:07.679 --> 00:20:12.240
2053
+ you know what not a dry eye in the house
2054
+
2055
+ 514
2056
+ 00:20:09.900 --> 00:20:14.640
2057
+ after that one everybody got the hair on
2058
+
2059
+ 515
2060
+ 00:20:12.240 --> 00:20:16.620
2061
+ the forearm standing up and you and me
2062
+
2063
+ 516
2064
+ 00:20:14.640 --> 00:20:19.020
2065
+ Zoe the hair on the back of our necks
2066
+
2067
+ 517
2068
+ 00:20:16.620 --> 00:20:20.460
2069
+ after taking on the hot ones Gauntlet I
2070
+
2071
+ 518
2072
+ 00:20:19.020 --> 00:20:22.860
2073
+ can't I almost said was like what is she
2074
+
2075
+ 519
2076
+ 00:20:20.460 --> 00:20:25.020
2077
+ doing over here no no no guys the bomb
2078
+
2079
+ 520
2080
+ 00:20:22.860 --> 00:20:26.520
2081
+ really like did something to me I think
2082
+
2083
+ 521
2084
+ 00:20:25.020 --> 00:20:29.039
2085
+ I'm gonna go back to the hotel and cry
2086
+
2087
+ 522
2088
+ 00:20:26.520 --> 00:20:30.900
2089
+ well before you do that let me just roll
2090
+
2091
+ 523
2092
+ 00:20:29.039 --> 00:20:32.640
2093
+ out the red carpet for you Zoe So that
2094
+
2095
+ 524
2096
+ 00:20:30.900 --> 00:20:34.080
2097
+ okay this camera this camera this camera
2098
+
2099
+ 525
2100
+ 00:20:32.640 --> 00:20:35.460
2101
+ let the people know what you have going
2102
+
2103
+ 526
2104
+ 00:20:34.080 --> 00:20:38.700
2105
+ on in your life
2106
+
2107
+ 527
2108
+ 00:20:35.460 --> 00:20:41.160
2109
+ um I hope you guys uh enjoyed the
2110
+
2111
+ 528
2112
+ 00:20:38.700 --> 00:20:42.440
2113
+ session of the hot ones
2114
+
2115
+ 529
2116
+ 00:20:41.160 --> 00:20:46.799
2117
+ um
2118
+
2119
+ 530
2120
+ 00:20:42.440 --> 00:20:49.080
2121
+ I I work a lot I do a lot of stuff and
2122
+
2123
+ 531
2124
+ 00:20:46.799 --> 00:20:50.760
2125
+ there's this movie called Avatar it's
2126
+
2127
+ 532
2128
+ 00:20:49.080 --> 00:20:53.820
2129
+ really really small movie that I did
2130
+
2131
+ 533
2132
+ 00:20:50.760 --> 00:20:56.400
2133
+ years ago because it was so small we
2134
+
2135
+ 534
2136
+ 00:20:53.820 --> 00:20:57.840
2137
+ just had to do it again and and do it
2138
+
2139
+ 535
2140
+ 00:20:56.400 --> 00:21:01.559
2141
+ small again
2142
+
2143
+ 536
2144
+ 00:20:57.840 --> 00:21:04.020
2145
+ but it's called way of water
2146
+
2147
+ 537
2148
+ 00:21:01.559 --> 00:21:06.600
2149
+ it opens December 16th theaters
2150
+
2151
+ 538
2152
+ 00:21:04.020 --> 00:21:10.460
2153
+ everywhere I hope you're able to enjoy
2154
+
2155
+ 539
2156
+ 00:21:06.600 --> 00:21:10.460
2157
+ it and thank you for watching
2158
+
2159
+ 540
2160
+ 00:21:11.299 --> 00:21:16.980
2161
+ good job
2162
+
2163
+ 541
2164
+ 00:21:14.419 --> 00:21:19.380
2165
+ oh my God yes can I take a picture with
2166
+
2167
+ 542
2168
+ 00:21:16.980 --> 00:21:20.640
2169
+ my phone you guys I'm literally having
2170
+
2171
+ 543
2172
+ 00:21:19.380 --> 00:21:22.200
2173
+ like one of those out of body
2174
+
2175
+ 544
2176
+ 00:21:20.640 --> 00:21:24.419
2177
+ experiences where like oh my God like
2178
+
2179
+ 545
2180
+ 00:21:22.200 --> 00:21:28.039
2181
+ what's going on inside is so much bigger
2182
+
2183
+ 546
2184
+ 00:21:24.419 --> 00:21:28.039
2185
+ than what's happening out here
2186
+
2187
+ 547
2188
+ 00:21:29.220 --> 00:21:31.880
2189
+ [ __ ]
2190
+
2191
+ 548
2192
+ 00:21:33.720 --> 00:21:37.620
2193
+ hot ones fans thank you so much for
2194
+
2195
+ 549
2196
+ 00:21:35.880 --> 00:21:40.740
2197
+ watching today's video If you want to
2198
+
2199
+ 550
2200
+ 00:21:37.620 --> 00:21:42.480
2201
+ get your hands on the season 19 hot Ones
2202
+
2203
+ 551
2204
+ 00:21:40.740 --> 00:21:44.840
2205
+ hot sauce Gauntlet boy do I have good
2206
+
2207
+ 552
2208
+ 00:21:42.480 --> 00:21:47.520
2209
+ news for you just visit heatness.com
2210
+
2211
+ 553
2212
+ 00:21:44.840 --> 00:21:50.100
2213
+ heatness.com that's heatness.com to get
2214
+
2215
+ 554
2216
+ 00:21:47.520 --> 00:21:53.520
2217
+ your hands on the 10 pack the season 19
2218
+
2219
+ 555
2220
+ 00:21:50.100 --> 00:21:55.860
2221
+ hot ones 10 pack hot ones in a box
2222
+
2223
+ 556
2224
+ 00:21:53.520 --> 00:21:57.960
2225
+ delivered right to your door I highly
2226
+
2227
+ 557
2228
+ 00:21:55.860 --> 00:21:58.480
2229
+ recommend it it's delicious I eat it
2230
+
2231
+ 558
2232
+ 00:21:57.960 --> 00:22:02.480
2233
+ every week
2234
+
2235
+ 559
2236
+ 00:21:58.480 --> 00:22:02.480
2237
+ [Music]
2238
+