elyx commited on
Commit
dae990d
·
1 Parent(s): 53bc36d

initial commit

Browse files
.gitignore ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ data/
2
+ resources.txt
3
+ *.pdf
4
+ __pycache__/
5
+ .env
README.md CHANGED
@@ -1,11 +1,12 @@
1
  ---
2
- title: Y2clutch
3
- emoji: 🔥
4
- colorFrom: red
5
- colorTo: red
6
  sdk: gradio
7
  sdk_version: 3.24.1
8
  app_file: app.py
 
9
  pinned: false
10
  ---
11
 
 
1
  ---
2
+ title: Brainandbehaviour
3
+ emoji: 💩
4
+ colorFrom: purple
5
+ colorTo: yellow
6
  sdk: gradio
7
  sdk_version: 3.24.1
8
  app_file: app.py
9
+ python_version: 3.9.1
10
  pinned: false
11
  ---
12
 
app.py ADDED
@@ -0,0 +1,251 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from langchain import OpenAI, LLMChain, PromptTemplate
2
+ from langchain.chat_models import ChatOpenAI
3
+ from langchain.chains.qa_with_sources import load_qa_with_sources_chain
4
+ from langchain.vectorstores import Chroma
5
+ from langchain.chains import ConversationalRetrievalChain
6
+ from langchain.embeddings.openai import OpenAIEmbeddings
7
+ from langchain.chains.conversational_retrieval.prompts import CONDENSE_QUESTION_PROMPT
8
+
9
+ from prompts import VANILLA_PROMPT
10
+
11
+ import os
12
+
13
+ import gradio as gr
14
+
15
+
16
+ class Chatbot():
17
+
18
+ def __init__(
19
+ self,
20
+ ):
21
+
22
+ self.models = ['gpt3', 'gpt4']
23
+
24
+ # vectorstore
25
+ self.vectorstore = Chroma(persist_directory='./chroma', embedding_function=OpenAIEmbeddings())
26
+ self.vectordbkwargs = {"search_distance": 0.9, 'k' : 4}
27
+ self.modules = list(set([d['module'] for d in self.vectorstore._collection.get(include=['metadatas'])['metadatas']]))
28
+ print(f"Found modules: {self.modules}")
29
+
30
+
31
+ """ Initialise bots """
32
+ def _get_llm(self, model):
33
+ assert model in self.models
34
+
35
+ if model == 'gpt3':
36
+ return OpenAI()
37
+
38
+ if model == 'gpt4':
39
+ return ChatOpenAI(model='gpt-4')
40
+
41
+
42
+ def _initialise_augmented_chatbot(self, model):
43
+
44
+ #doc_chain = load_qa_with_sources_chain(self._get_llm(model), chain_type="map_reduce")
45
+ #question_generator = LLMChain(llm=self._get_llm(model), prompt=CONDENSE_QUESTION_PROMPT)
46
+
47
+ chain = ConversationalRetrievalChain.from_llm(
48
+ self._get_llm(model),
49
+ retriever=self.vectorstore.as_retriever(),
50
+ #combine_docs_chain=doc_chain,
51
+ #question_generator=question_generator,
52
+ return_source_documents=True
53
+ )
54
+
55
+ return chain
56
+
57
+ def _initialise_vanilla_chatbot(self, model):
58
+ # vanilla gpt
59
+ template = VANILLA_PROMPT
60
+ prompt = PromptTemplate(template=template, input_variables=["human_input", "history"])
61
+ chain = LLMChain(llm=self._get_llm(model), prompt=prompt)
62
+
63
+ return chain
64
+
65
+
66
+ """ Format """
67
+
68
+ def _format_chat_history(self, history):
69
+ res = []
70
+ for human, ai in history:
71
+ res.append(f"Human:{human}\nAI:{ai}")
72
+ return "\n".join(res)
73
+
74
+ def _format_search_source_documents(self, documents):
75
+ # add page if none
76
+ for d in documents:
77
+ try:
78
+ d.metadata['page']
79
+ except:
80
+ d.metadata['page'] = ''
81
+
82
+ output = ' '.join([
83
+ f'SOURCE {i}\n' + d.page_content + '\n\nSource: ' + d.metadata['source'] + '\nPage: ' + str(d.metadata['page']) + '\n\n\n'
84
+ for i, d in enumerate(documents)
85
+ ])
86
+
87
+ return output
88
+
89
+ def _format_chat_source_docments(self, documents):
90
+ # add page if none
91
+ for d in documents:
92
+ try:
93
+ d.metadata['page']
94
+ except:
95
+ d.metadata['page'] = 0
96
+
97
+
98
+ # get unique sources
99
+ unique_sources = list(set([d.metadata['source'] for d in documents]))
100
+ # get unique pages for each source
101
+ unique_dict = {s : list(set([d.metadata['page'] for d in documents if d.metadata['source'] == s])) for s in unique_sources}
102
+
103
+ output = '\n'.join([
104
+ f"{k}, pages: " + ', '.join([str(i) for i in v])
105
+ for k, v in unique_dict.items()
106
+ ])
107
+
108
+ return '\n\n' + 'SOURCES:\n' + output
109
+
110
+
111
+ """ Main Functions """
112
+ def search(
113
+ self,
114
+ inp,
115
+ history,
116
+ module,
117
+ ):
118
+ history = history or []
119
+
120
+ output_raw = self.vectorstore.similarity_search(inp, filter=dict(module=module), k=4)
121
+ output = self._format_search_source_documents(output_raw)
122
+
123
+ history.append((inp, output))
124
+
125
+ return history, history
126
+
127
+ def chat(
128
+ self,
129
+ inp: str,
130
+ history,
131
+ module,
132
+ model,
133
+ ):
134
+
135
+ """Method for integration with gradio Chatbot"""
136
+ if model == None:
137
+ model = 'gpt4'
138
+
139
+ history = history or []
140
+
141
+ chain = self._initialise_augmented_chatbot(model=model)
142
+ output_raw = chain(
143
+ {
144
+ "question": inp,
145
+ "chat_history": history,
146
+ "vectordbkwargs":
147
+ self.vectordbkwargs | {"filter" : {"module" : module}}
148
+ }
149
+ )
150
+
151
+ output = output_raw["answer"] + self._format_chat_source_docments(output_raw["source_documents"])
152
+
153
+ history.append((inp, output))
154
+
155
+ return history, history#, ""
156
+
157
+ def chat_vanilla(
158
+ self,
159
+ inp: str,
160
+ history,
161
+ model,
162
+ ):
163
+ """ Vanilla GPT 4"""
164
+
165
+ if model == None:
166
+ model = 'gpt4'
167
+
168
+ history = history or []
169
+
170
+ chain = self._initialise_vanilla_chatbot(model=model)
171
+ history_formatted = self._format_chat_history(history)
172
+ output = chain({"human_input": inp, "history": history_formatted})['text']
173
+
174
+ history.append((inp, output))
175
+
176
+ return history, history
177
+
178
+
179
+ """ Interface """
180
+ def launch_app(self):
181
+
182
+ block = gr.Blocks(css=".gradio-container {background-color: lightgray}")
183
+
184
+ with block:
185
+
186
+ with gr.Row():
187
+ gr.Markdown("<h3><center>y2clutch</center></h3>")
188
+
189
+
190
+ with gr.Tab("Augmented GPT"):
191
+
192
+
193
+ with gr.Row():
194
+ chatbot = gr.Chatbot()
195
+
196
+
197
+ with gr.Row():
198
+ message = gr.Textbox(
199
+ lines=1,
200
+ )
201
+ submit = gr.Button(value="Send", variant="secondary").style(full_width=False)
202
+
203
+ state = gr.State()
204
+ module = gr.Dropdown(self.modules, label="Select a module *Required*")
205
+ model = gr.Dropdown(self.models, label="Select a model *Required*")
206
+
207
+ submit.click(self.chat, inputs=[message, state, module, model], outputs=[chatbot, state])
208
+ message.submit(self.chat, inputs=[message, state, module, model], outputs=[chatbot, state])
209
+
210
+
211
+ with gr.Tab("Search"):
212
+
213
+ with gr.Row():
214
+ search = gr.Chatbot()
215
+
216
+ with gr.Row():
217
+ message = gr.Textbox(
218
+ lines=1,
219
+ )
220
+ submit = gr.Button(value="Send", variant="secondary").style(full_width=False)
221
+
222
+ search_state = gr.State()
223
+ module = gr.Dropdown(self.modules, label="Select a module *Required*")
224
+
225
+ submit.click(self.search, inputs=[message, search_state, module], outputs=[search, search_state])
226
+ message.submit(self.search, inputs=[message, search_state, module], outputs=[search, search_state])
227
+
228
+
229
+ with gr.Tab("Vanilla GPT"):
230
+
231
+ with gr.Row():
232
+ vanilla_chatbot = gr.Chatbot()
233
+
234
+ with gr.Row():
235
+ message = gr.Textbox(
236
+ lines=1,
237
+ )
238
+ submit = gr.Button(value="Send", variant="secondary").style(full_width=False)
239
+
240
+ vanilla_state = gr.State()
241
+ model = gr.Dropdown(self.models, label="Select a model *Required*")
242
+
243
+ submit.click(self.chat_vanilla, inputs=[message, vanilla_state, model], outputs=[vanilla_chatbot, vanilla_state])
244
+ message.submit(self.chat_vanilla, inputs=[message, vanilla_state, model], outputs=[vanilla_chatbot, vanilla_state])
245
+
246
+
247
+ block.launch(debug=True, share=False)
248
+
249
+
250
+ if __name__ == '__main__':
251
+ Chatbot().launch_app()
chroma/chroma-collections.parquet ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:df46d39377ae5665c6f52890a51c1b39d55ce5cca43006a62d775f558d01a3d7
3
+ size 557
chroma/chroma-embeddings.parquet ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e0898000309935c63a3026abf17e9a1bbc3d32795ea50936b03135e9821f0e4b
3
+ size 979087
chroma/index/id_to_uuid_48820301-4b52-46b2-8746-e343bf602b95.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:85a77c002d0078d4a7bd7dc5a573e56e73edeb398bd373f4334ecfed0eda8f90
3
+ size 2421
chroma/index/index_48820301-4b52-46b2-8746-e343bf602b95.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9ce084863e08c7e67563584175443533fcfba37cdefc716de1369e92d7f60155
3
+ size 478324
chroma/index/index_metadata_48820301-4b52-46b2-8746-e343bf602b95.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:02cbf1084241c3eecea869ce64d6d46525b6da7229622af9defc1664fe0fa868
3
+ size 73
chroma/index/uuid_to_id_48820301-4b52-46b2-8746-e343bf602b95.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ce4a1ce43aa6dbef409b7fae158de40cc1a30848f1f5b953b901dec0ec7652e2
3
+ size 2828
ingest.py ADDED
@@ -0,0 +1,87 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import argparse
2
+
3
+ import os
4
+
5
+ from langchain.document_loaders import PyPDFLoader
6
+ from langchain.text_splitter import CharacterTextSplitter
7
+ from langchain.embeddings.openai import OpenAIEmbeddings
8
+ from langchain.vectorstores import Chroma
9
+ from langchain.schema import Document
10
+
11
+
12
+
13
+ # parse arguments
14
+ parser = argparse.ArgumentParser()
15
+ parser.add_argument("folder", help="The folder to be ingested", type=str)
16
+ parser.add_argument("--chunk_size", help="Chunk size", type=int, default=1500)
17
+ parser.add_argument('--chunk_overlap', help='Chunk overlap', type=int, default=400)
18
+ parser.add_argument('--separator', help='Separator', type=str, default='\n')
19
+
20
+ args = parser.parse_args()
21
+
22
+ FOLDER = args.folder
23
+ CHUNK_SIZE = args.chunk_size
24
+ CHUNK_OVERLAP = args.chunk_overlap
25
+ SEPARATOR = args.separator
26
+
27
+
28
+ class Ingest():
29
+
30
+ def __init__(
31
+ self,
32
+ folder,
33
+ chunk_size,
34
+ separator,
35
+ chunk_overlap,
36
+ ):
37
+ self.folder = folder
38
+ self.chunk_size = chunk_size
39
+
40
+ self.data_path = os.path.join('./data', self.folder)
41
+
42
+ self.splitter = CharacterTextSplitter(
43
+ separator = separator,
44
+ chunk_size = chunk_size,
45
+ chunk_overlap = chunk_overlap,
46
+ length_function = len,
47
+ )
48
+
49
+
50
+ def ingest(self):
51
+ # find all .pdf files in the data folder
52
+
53
+ documents = []
54
+ # pdfs
55
+ pdffiles = [os.path.join(self.data_path, f) for f in os.listdir(self.data_path) if f.endswith(".pdf")]
56
+ for f in pdffiles:
57
+ loader = PyPDFLoader(f)
58
+ docs = loader.load()
59
+ for i in docs: i.metadata['source'] = os.path.basename(f).split(".")[0]
60
+ documents.extend(docs)
61
+
62
+ #txts
63
+ txtfiles = [f for f in os.listdir(os.path.join('./data', self.folder)) if f.endswith(".txt")]
64
+ for t in txtfiles:
65
+ with open(os.path.join('./data', os.path.join(self.folder, t)), "r") as f:
66
+ documents.append(Document(page_content=f.read(), metadata={"source": os.path.basename(t).split(".")[0] + ' transcript'}))
67
+
68
+ for i in documents:
69
+ i.metadata['module'] = self.folder
70
+
71
+ # split texts into chunks
72
+ print("Splitting texts into chunks...")
73
+ chunks = self.splitter.split_documents(documents)
74
+ #[chunks.extend(self.splitter.split_documents(i)) for i in documents]
75
+ embeddings = OpenAIEmbeddings()
76
+ # create store
77
+ print("Embedding chunks...")
78
+ Chroma.from_documents(chunks, embeddings, persist_directory='./chroma')
79
+
80
+ if __name__ == "__main__":
81
+ ingest = Ingest(
82
+ folder = FOLDER,
83
+ chunk_size = CHUNK_SIZE,
84
+ separator = SEPARATOR,
85
+ chunk_overlap = CHUNK_OVERLAP,
86
+ )
87
+ ingest.ingest()
prompts.py ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ VANILLA_PROMPT = """
2
+
3
+ Assistant is a large language model trained by X to help you clutch y2 exams.
4
+
5
+ Assistant is designed to be able to assist with a wide range of tasks, from answering simple questions to providing in-depth explanations and discussions on a wide range of topics. As a language model, Assistant is able to generate human-like text based on the input it receives, allowing it to engage in natural-sounding conversations and provide responses that are coherent and relevant to the topic at hand.
6
+
7
+ Assistant is constantly learning and improving, and its capabilities are constantly evolving. It is able to process and understand large amounts of text, and can use this knowledge to provide accurate and informative responses to a wide range of questions. Additionally, Assistant is able to generate its own text based on the input it receives, allowing it to engage in discussions and provide explanations and descriptions on a wide range of topics.
8
+
9
+ Overall, Assistant is a powerful tool that can help with a wide range of tasks and provide valuable insights and information on a wide range of topics. Whether you need help with a specific question or just want to have a conversation about a particular topic, Assistant is here to assist.
10
+
11
+ {history}
12
+ Human: {human_input}
13
+ Assistant:
14
+
15
+ """
raw_transcripts/lecture_1.txt ADDED
@@ -0,0 +1,2304 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Good morning.
2
+
3
+ Just checking the mic works.
4
+
5
+ Yeah.
6
+
7
+ You can hear me.
8
+
9
+ Okay.
10
+
11
+ Okay.
12
+
13
+ We're going to get going with our lecture now.
14
+
15
+ It's 5 minutes past the hour.
16
+
17
+ So welcome to our first lecture in brain and behaviour.
18
+
19
+ Probably your first lecture, this academic term for these lectures.
20
+
21
+ We're in this chemistry auditorium, and it's very difficult as
22
+
23
+ you find, to come in and out.
24
+
25
+ So we will make some efforts to create a path
26
+
27
+ for the students.
28
+
29
+ It is very exciting to be back lecturing you.
30
+
31
+ I hope you were excited to be back in person.
32
+
33
+ We've got 20 of these lectures of this course.
34
+
35
+ I'm Professor Hugo Speers.
36
+
37
+ It's my details, it's my email address, my lab and
38
+
39
+ the title of today's lecture was very much looking forward
40
+
41
+ to teaching you on Moodle.
42
+
43
+ I'll just show you the the team briefly as myself
44
+
45
+ as Sam Solomon, who's a professor in psychology, a new
46
+
47
+ lecturer, Professor Stephen Fleming, Professor Daniel Bender, Paul Burgess, who's
48
+
49
+ mysteriously Hidden Valley Academy, who will teach you research methods.
50
+
51
+ And amongst them we have a team of experts who
52
+
53
+ are coming in to teach you today, and I'm the
54
+
55
+ first one up and I run.
56
+
57
+ I'm the convenor for this module.
58
+
59
+ All the lectures will be lecture cost.
60
+
61
+ If something goes wrong with those, we have an entire
62
+
63
+ back catalogue of carefully recorded lectures that are almost identical
64
+
65
+ to these.
66
+
67
+ So please do attend.
68
+
69
+ We hope the idea of these lectures that are starting
70
+
71
+ today are to kind of be there in person to
72
+
73
+ speak to you, hopefully inspire you to go and read
74
+
75
+ the things and have a voice, someone you're actually physically
76
+
77
+ talking to you.
78
+
79
+ So without further ado, I'll head into my first slide.
80
+
81
+ So human brain, there's a picture of the human brain.
82
+
83
+ There's this sequence of 20 lectures.
84
+
85
+ A brain in behaviour is all about this one object.
86
+
87
+ It's by far the most complicated object in the entire
88
+
89
+ universe, human brain.
90
+
91
+ It's capable of all the people being here.
92
+
93
+ Me talking to you now, all the discoveries, all the
94
+
95
+ history, everything humanity has ever done in terms of what
96
+
97
+ it's produced has come from the faculties of this brain
98
+
99
+ over other species.
100
+
101
+ It's an absolutely remarkable thing.
102
+
103
+ The beginning of today's lecture on our 20 lectures diving
104
+
105
+ into topics in brain of behaviour.
106
+
107
+ It's to take a step back and think, Wow, sitting
108
+
109
+ inside your head, behind your eyes, looking at me.
110
+
111
+ Now, next between your ears, listening to me now is
112
+
113
+ this object.
114
+
115
+ It looks quite attractive in this well, relatively in this
116
+
117
+ picture.
118
+
119
+ But if you were to see a real brain, if
120
+
121
+ someone was to have it, you know, accidentally removed in
122
+
123
+ front of us, it would be disgusting.
124
+
125
+ It's full of blood.
126
+
127
+ It's vastly for the blood vessels.
128
+
129
+ It's a really squidgy, pretty disgusting thing.
130
+
131
+ And for thousands of years in our prehistory millennia, people
132
+
133
+ weren't very aware of what it was doing.
134
+
135
+ So today's journey is let's take a look at the
136
+
137
+ brain history of the scientists.
138
+
139
+ This study, that is a way.
140
+
141
+ And if you do get into the brain and slice
142
+
143
+ it up, as I said, pretty disgusting.
144
+
145
+ You don't see very much.
146
+
147
+ The brain is just like this dull kind of, you
148
+
149
+ know, beige colour.
150
+
151
+ It's more disgusting than not when it's fresh.
152
+
153
+ But the scientists discovered over 200 years ago, if you
154
+
155
+ take something like silver nitrate, you can make dark stains
156
+
157
+ happen in stuff.
158
+
159
+ Most of the time you don't want to stain things,
160
+
161
+ but if you're looking down a microscope that's been developed
162
+
163
+ and you put a stain into a brain section, an
164
+
165
+ entire world opens to your eyes the early microscope, people
166
+
167
+ using microscopes.
168
+
169
+ There's early microscopist looking down with stain sections, discovered an
170
+
171
+ amazing world.
172
+
173
+ Here's a single brain cell in one and one of
174
+
175
+ these early sections.
176
+
177
+ If you look even closer, you can see these brain
178
+
179
+ cells take on these weird, strange forms.
180
+
181
+ Now, I'm a biased scientist.
182
+
183
+ I find these B cells that are just quite dramatic
184
+
185
+ to look at.
186
+
187
+ But there's not just individual cells.
188
+
189
+ There's whole collections of networks of these cells.
190
+
191
+ Here's some examples.
192
+
193
+ They're they're arranged in the most beautiful ways inside your
194
+
195
+ head as you're listening to me in how carefully arranged
196
+
197
+ neurones are doing important work of allowing you to understand
198
+
199
+ what I'm saying.
200
+
201
+ Take notes, think about what I'm saying as well.
202
+
203
+ If we cut through on the lowest bit, is your
204
+
205
+ body behind your neck and you look into the spinal
206
+
207
+ cord, you will see this object.
208
+
209
+ This is a cut through the spinal cord.
210
+
211
+ You could cut through a bat, a rat, a durable,
212
+
213
+ a human.
214
+
215
+ And it would very similar to this.
216
+
217
+ And again, the early this is hundreds of years old,
218
+
219
+ this picture drawn by these early anatomists, Peking duck microscopes.
220
+
221
+ If you look really close, these things look a bit
222
+
223
+ like sort of strange alien creatures with these incredible fibres,
224
+
225
+ connections, nerve cells are the neurones are very complicated and
226
+
227
+ take all sorts of forms and shapes and they're quite
228
+
229
+ incredible pictures to look at to start your journey into
230
+
231
+ brain in behaviour, the neurones you're going to be looking
232
+
233
+ at in a lot of the pictures of the science
234
+
235
+ today are quite boring.
236
+
237
+ We've reduced them down to simplicity.
238
+
239
+ I won't be showing exciting pictures like this through the
240
+
241
+ rest of the lectures, but I just want to start
242
+
243
+ with the beauty that exists in the topic we're looking
244
+
245
+ at.
246
+
247
+ Here's a particularly beautiful drawing one individual cell and a
248
+
249
+ sort of climbing block network of fibres from another cell
250
+
251
+ winding their way round that cell.
252
+
253
+ And all of those drawings I've just taken you through
254
+
255
+ step by step were drawn by one anatomist, Santiago Ramon
256
+
257
+ Cajal, the Spanish Year, an optimist who won the Nobel
258
+
259
+ Prize.
260
+
261
+ That discovery, he was the person who who argued.
262
+
263
+ First of all, I think they're brain cells.
264
+
265
+ It was a controversial idea.
266
+
267
+ There were brain cells and we'll come onto that in
268
+
269
+ a moment.
270
+
271
+ Reproduced all those beautiful images.
272
+
273
+ It was arrested in Oxford, actually, for trying to draw
274
+
275
+ pictures of the local community buildings because they just couldn't
276
+
277
+ believe he was really a scientist travelling Oxford.
278
+
279
+ They put him in jail, had to be let out
280
+
281
+ of jail.
282
+
283
+ But he's written incredible books about his life experience winning
284
+
285
+ the Nobel Prize and what you need to do as
286
+
287
+ a scientist.
288
+
289
+ Come back to him before we come back to the
290
+
291
+ scientists that made the stories behind this, I just want
292
+
293
+ to highlight you.
294
+
295
+ You are UCL student sitting in one of the world's
296
+
297
+ top universities for this topic.
298
+
299
+ We are kind of the top research institute in the
300
+
301
+ whole of Europe for neuroscience and the topics we're talking
302
+
303
+ about today.
304
+
305
+ That means excessive amounts of money coming into UCL around
306
+
307
+ this excessive amount of scientists have gone in, a number
308
+
309
+ of Nobel prizes have been made here.
310
+
311
+ There are lots of fellows the Royal Society in this
312
+
313
+ topic.
314
+
315
+ The story keeps going on.
316
+
317
+ So we're ranked second in the world was slightly behind
318
+
319
+ Harvard and M.I.T. If you put those two together, they
320
+
321
+ have a slightly higher number of Nobel Prize winners and
322
+
323
+ money have a lot more money.
324
+
325
+ Anyway.
326
+
327
+ What are we here to learn?
328
+
329
+ So every lecture we're going to get, you try and
330
+
331
+ get what are the objectives?
332
+
333
+ So today's objective of this lecture are two things I
334
+
335
+ want you to come away with.
336
+
337
+ Once you acquire the key and knowledge of the key
338
+
339
+ developments in our historical understanding of brain and behaviour.
340
+
341
+ My lectures in this course in the others are not
342
+
343
+ just about the structure of the brain for its own
344
+
345
+ sake, or how so receptors work.
346
+
347
+ We're absolutely obsessed in this course by behaviour.
348
+
349
+ This is the links between how the brain gives rise
350
+
351
+ to behaviour.
352
+
353
+ We also want you in this course to learn about
354
+
355
+ some of the key historical figures.
356
+
357
+ So if you were to pass in some wisdom, who
358
+
359
+ was who?
360
+
361
+ Who developed the ideas behind the brain?
362
+
363
+ So you would have an idea of who these celebrities
364
+
365
+ are that would run through maybe a few snippets of
366
+
367
+ facts about.
368
+
369
+ When you come to sit exams, the course will kind
370
+
371
+ of throw up and things.
372
+
373
+ So right from the get go, I want you to
374
+
375
+ think thinking about if we were to put up an
376
+
377
+ exam question after this lecture, what's the kind of exam
378
+
379
+ question we want to ask?
380
+
381
+ And you can put that in your head what you're
382
+
383
+ thinking through doing, How would I get to that?
384
+
385
+ And it might be something like how has her understanding
386
+
387
+ of the brain changed since the ancient times?
388
+
389
+ So what did the ancient people know and what do
390
+
391
+ we do now?
392
+
393
+ And I'll be teaching that in this lecture today.
394
+
395
+ We also run an MQ multiple choice exam for this
396
+
397
+ lecture, which is extremely easy last year, where we improving
398
+
399
+ that a little bit, but we'll be giving you lots
400
+
401
+ of help to make sure that you're absolutely up to
402
+
403
+ speed with the MQ.
404
+
405
+ I'm sure you'll nail it as long as you're students
406
+
407
+ that.
408
+
409
+ So an example question might be which ancient culture first
410
+
411
+ is first thought to have a specific word for brain
412
+
413
+ in the written text?
414
+
415
+ Greeks, Babylonians, Egyptians.
416
+
417
+ Persians.
418
+
419
+ If you go down to the British Museum and ask
420
+
421
+ the answer to that question, you'll find out in a
422
+
423
+ moment and give The answer is the ancient Egyptians.
424
+
425
+ So it's example of a kind of level of question
426
+
427
+ will be asking.
428
+
429
+ Let's start right back.
430
+
431
+ Not with the ancient Egyptians.
432
+
433
+ Let's go far back in time before those giant pyramids
434
+
435
+ were built and racing was even invented back to skulls
436
+
437
+ around 7000 years ago.
438
+
439
+ This one is it pretty looks like a sort of
440
+
441
+ Halloween type of skull.
442
+
443
+ It's quite intense.
444
+
445
+ But there's a key feature I'm sure you've all noticed
446
+
447
+ about this skull as a cut mark in the top
448
+
449
+ of his head.
450
+
451
+ A lot, a lot of historical skull was dug up
452
+
453
+ in 7000 years ago, have holes in them through axes,
454
+
455
+ spears in a brutal life 7000 years ago.
456
+
457
+ What's really creepy about this one is that the bone
458
+
459
+ had been cut and healed.
460
+
461
+ This person walked around living with this whole cold, carefully
462
+
463
+ cart, not cut with an axe or something in their
464
+
465
+ head.
466
+
467
+ And so scientists as well, archaeologists and palaeontologists have argued
468
+
469
+ that this cutting into the head happening was found 7000
470
+
471
+ years ago.
472
+
473
+ And we think we don't know.
474
+
475
+ There's no written text, but it was used for medical
476
+
477
+ treatment.
478
+
479
+ Perhaps this person had epilepsy or some other condition they
480
+
481
+ would.
482
+
483
+ They thought maybe if we open up the skull we'll
484
+
485
+ get the demons out.
486
+
487
+ What's interesting about this is that they thought that cutting
488
+
489
+ into the skull, into the head may be doing something
490
+
491
+ we don't fully understand, that we have no real way
492
+
493
+ of knowing.
494
+
495
+ But this is the earliest kind of thinking about humans
496
+
497
+ might be aware of the brain and doing something to
498
+
499
+ to medically approach it.
500
+
501
+ So we come now three and 4000 years forwards.
502
+
503
+ When the great Pyramids were built in ancient Egypt and
504
+
505
+ this incredible moment in civilisation when people were writing out
506
+
507
+ these hieroglyphic texts, which until, you know, a couple hundred
508
+
509
+ years ago were indecipherable and suddenly through the Rosetta Stone
510
+
511
+ in a British museum, they were able to decipher and
512
+
513
+ work out what was written in this hieroglyphics.
514
+
515
+ And what they discovered was that in these ancient texts
516
+
517
+ they were able to find from ancient burial sites was
518
+
519
+ that the ancient Egyptians, in fact, did write about treatments
520
+
521
+ for brain damage.
522
+
523
+ What to do if you're a medical doctor and someone
524
+
525
+ has damage to the head.
526
+
527
+ These are some of the things one might do.
528
+
529
+ Critically impressive things have been 5000 years ago it was
530
+
531
+ the ancient Egyptians discover that if someone hits like a
532
+
533
+ spear or some axe hits the right side of your
534
+
535
+ head, you lose the ability to move with the left
536
+
537
+ side of your body.
538
+
539
+ And if you smash into the left side of the
540
+
541
+ head, you'll lose the ability to move or say on
542
+
543
+ the right side of your body.
544
+
545
+ So this is known as this contralateral movement sensation.
546
+
547
+ So when I say contralateral, we'll get into that on
548
+
549
+ Friday's lecture about what we mean by these anatomical terms
550
+
551
+ that are quite remarkable.
552
+
553
+ This is sitting unknown for thousands of years in transcripts,
554
+
555
+ and it critically had this word brain.
556
+
557
+ You can see the hieroglyphics of the word brain.
558
+
559
+ But one fact is that they when they mummified the
560
+
561
+ ancient Egyptian bodies, most of you be aware of this,
562
+
563
+ they would put them into these tombs.
564
+
565
+ It's hard not to know about this, but they obviously
566
+
567
+ save parts of the body and put them into these
568
+
569
+ special jars like the intestines and the heart, particularly the
570
+
571
+ heart.
572
+
573
+ I just threw away the brain.
574
+
575
+ I thought it was not something to be preserved into
576
+
577
+ the afterlife.
578
+
579
+ So they clearly had some insights.
580
+
581
+ But then the cultural practice of burial didn't really follow
582
+
583
+ through.
584
+
585
+ We now move forward.
586
+
587
+ We're going to go through individual people.
588
+
589
+ These are the first person hypocrisies we'll go through with
590
+
591
+ all the way through it.
592
+
593
+ A lot of bearded men, a lot of white men
594
+
595
+ will eventually end on a female scientist passing through a
596
+
597
+ critical Persian scientist.
598
+
599
+ So we'll begin with this chap.
600
+
601
+ Hypocrisies.
602
+
603
+ Now he is the first person who people wrote about
604
+
605
+ mentioning his his followers wrote about him, saying, Here's all
606
+
607
+ the incredible things, hypocrisies.
608
+
609
+ We know when he lived, when he died.
610
+
611
+ We can date now.
612
+
613
+ We have evidence of his existence.
614
+
615
+ And why he's up here is that he is the
616
+
617
+ first person named, we can say, as far as we're
618
+
619
+ aware, to argue that the brain that was what we're
620
+
621
+ going to teach you in this course.
622
+
623
+ Brain supports the mind, supports your behaviour.
624
+
625
+ He argued this because he's he he was he was
626
+
627
+ really argues to be the first physician, the first doctor
628
+
629
+ who went round gathering information, building on knowledge and systematising
630
+
631
+ it to treat people so that doctors will take the
632
+
633
+ Hippocratic oath.
634
+
635
+ Do no harm to my patients.
636
+
637
+ You know, you might be treating someone you really don't
638
+
639
+ like, but as a Hippocratic Oath, you treat them nonetheless.
640
+
641
+ And this is where the Hippocratic Oath comes from.
642
+
643
+ Hypocrisy is arguing medicine should be for treatment above all
644
+
645
+ other things.
646
+
647
+ Critically, for today, he stands out as the person who
648
+
649
+ argued that your behaviour, all the movements you're making are
650
+
651
+ fundamentally coming from systems in your brain.
652
+
653
+ But he didn't know how.
654
+
655
+ He couldn't get much into it beyond that cool fact.
656
+
657
+ And that was a great advance.
658
+
659
+ It was held back by two very, very clever people.
660
+
661
+ This is Plato and Aristotle who came after hypocrisies.
662
+
663
+ This is the painting Leonardo da Vinci in the Vatican,
664
+
665
+ and we don't have any current pictures of them from
666
+
667
+ the time.
668
+
669
+ So they were they were philosophers that argued in and
670
+
671
+ really thinking about things, using your mind to mull over
672
+
673
+ and weigh up the natural philosophy to get into what
674
+
675
+ the state of the world really is.
676
+
677
+ They weren't so obsessed with doing experiments, looking at things
678
+
679
+ that came much later.
680
+
681
+ What they argue.
682
+
683
+ Plato in particular argued that reason in perception was in
684
+
685
+ the head.
686
+
687
+ So we do have this kind of sense from Plato
688
+
689
+ that some of the head might not be the brain
690
+
691
+ is this may not be the brain tissue itself, it
692
+
693
+ could be something else is what we might perceive the
694
+
695
+ world.
696
+
697
+ But all the passions, all your emotions, everything that drives
698
+
699
+ you, it's not to do with your brain.
700
+
701
+ It's in your heart.
702
+
703
+ We still have the idea of like, you know, we
704
+
705
+ do these heart emojis on your phone.
706
+
707
+ You will send hearts to say you care about somebody.
708
+
709
+ This goes back to those early ancient Greek times.
710
+
711
+ Aristotle even argued further, and he said he didn't think
712
+
713
+ that the brain was in charge of the body's movements
714
+
715
+ and the heart and foot.
716
+
717
+ And Aristotle actually went and did dissections.
718
+
719
+ He would get into lakes and take out fish and
720
+
721
+ cut into the fish and see what happens if you
722
+
723
+ cut into a brain, the animal, the main nervous system,
724
+
725
+ the had, you can still see a lot of movement
726
+
727
+ from the animal.
728
+
729
+ Its spine will still carry on doing things.
730
+
731
+ But if you cut it and stop the animal's heart,
732
+
733
+ the animal will die.
734
+
735
+ Stop doing any movement.
736
+
737
+ And Aristotle thought this is better evidence.
738
+
739
+ I can also see through Aristotle with his eye.
740
+
741
+ The blood vessels go everywhere.
742
+
743
+ The blood vessels permeate everything.
744
+
745
+ In this living being, the heart must be the sight
746
+
747
+ which controls that he couldn't see in the detail.
748
+
749
+ The nerve fibres that we know now exist or what
750
+
751
+ they were doing.
752
+
753
+ This really held up for a long time thinking about
754
+
755
+ threatening behaviour, and it persisted into the, you know, the
756
+
757
+ Middle Ages because these two men, Plato and Aristotle, had
758
+
759
+ so many insights into philosophy about ethics and the nature
760
+
761
+ of reality, and they were held up as absolute giants.
762
+
763
+ Disagreeing with them is hard, but as we go down,
764
+
765
+ we've gone through the first two characters.
766
+
767
+ When I moved to Galen.
768
+
769
+ It's not until we get to ancient Rome and the
770
+
771
+ gladiatorial combats that occurred there that delivered a huge number
772
+
773
+ of hideously mangled bodies.
774
+
775
+ The brutality of ancient Rome in early, you know, 150
776
+
777
+ A.D. was not a nice place, perhaps unless you were
778
+
779
+ an emperor.
780
+
781
+ Even that as an emperor likely to be killed by
782
+
783
+ your brothers.
784
+
785
+ But this this man, Galen, was a Greek physician who
786
+
787
+ moved to Rome, who operated there, was looking at these
788
+
789
+ cases and saying he found all these bodies and found
790
+
791
+ out the effects of different bits of damage to the
792
+
793
+ brain was happening and took penne and produced a cheese
794
+
795
+ like an argument written down of prescriptions.
796
+
797
+ The doctors that were preserved in scrolls that were handed
798
+
799
+ down about the nature of physiology.
800
+
801
+ And he made those of these not if you're in
802
+
803
+ a medical school you historically be learning about guy with
804
+
805
+ lots of reasons today I'm teaching you to he argued
806
+
807
+ back to evocative was right you the a gladiator comes
808
+
809
+ in with half his head in this thing he will
810
+
811
+ lose all sorts of functions.
812
+
813
+ So we argued against Aristotle.
814
+
815
+ The brain is responsible for sensation of behaviour.
816
+
817
+ Now.
818
+
819
+ Galen was doing physiology, looking at black bodies coming in.
820
+
821
+ He was thinking about what does this do?
822
+
823
+ What if we go to ancient Persia, becomes a Powhatan
824
+
825
+ or Ohaneze and is the Latinised name for this scholar?
826
+
827
+ So the ancient rabbit country was amazing.
828
+
829
+ A number of advances they made in thinking.
830
+
831
+ So it's not just this incredible scientist was not just
832
+
833
+ about saying, Oh, I can see this.
834
+
835
+ This body, this brain is important for moving.
836
+
837
+ He started you can see on the right side there
838
+
839
+ one of his diagrams.
840
+
841
+ What you see is hard to make out in that.
842
+
843
+ But the bottom bit of that curly bit is I'll
844
+
845
+ get a pointer if I can find.
846
+
847
+ Oh, no, not at this point.
848
+
849
+ The bottom part here is the nose and here are
850
+
851
+ the eyeballs and here are the the trucks, the infant
852
+
853
+ and the nerve fibres that come out of the eyeballs
854
+
855
+ and go into the back of the brain.
856
+
857
+ Now, the current thinking back in, you know, we jump
858
+
859
+ forward quite a bit and it's it's sort of 900
860
+
861
+ plus A.D. hundreds of years later.
862
+
863
+ Host Galen the still the thinking was that a bit
864
+
865
+ like I can touch the world around me I send
866
+
867
+ out and I touch this this theatre with my this
868
+
869
+ lecturer with my fingers Our eyes are doing something like
870
+
871
+ that with the visual world.
872
+
873
+ I'm kind of prodding the world with my eyes.
874
+
875
+ They're actively sensing out there and our hands and said,
876
+
877
+ No, I do not think this is what's going on
878
+
879
+ because he was obsessed with optics and the mathematics of
880
+
881
+ optics.
882
+
883
+ So you could see the eye was exactly like some
884
+
885
+ of the incredible optics.
886
+
887
+ And he wrote, These strategic treaties is arguing that our
888
+
889
+ brain is absorbing the light from the world.
890
+
891
+ Like the light coming into my eyes, I can see
892
+
893
+ because I'm processing the light into the back of the
894
+
895
+ brain.
896
+
897
+ He didn't even think it was in the eyes.
898
+
899
+ Incredible advances from our hands.
900
+
901
+ And about that is a fantastic YouTube video to watch
902
+
903
+ about his historical discoveries.
904
+
905
+ We'll jump forward now, maybe another 500 years until there's
906
+
907
+ a next big advance in terms of brain behaviour.
908
+
909
+ Reach up to Renaissance Italy.
910
+
911
+ This is the time of the Medici and a brutal
912
+
913
+ life again.
914
+
915
+ This is a frequently picking this up in the coming
916
+
917
+ to Italy, but medieval there is a renaissance occurring which
918
+
919
+ is incredible science, incredible odds.
920
+
921
+ And in this one man, Andreas Vesalius we have both.
922
+
923
+ We have incredible scientists.
924
+
925
+ He was a polymath.
926
+
927
+ It had lots of different things, highly liked, very charismatic
928
+
929
+ to it rhymes.
930
+
931
+ Crucially, we're now in 1500s.
932
+
933
+ He was able to print what he was doing.
934
+
935
+ He's able to take, as we can see in this
936
+
937
+ diagram here, this is one really beautiful drawings, although very
938
+
939
+ disgusting.
940
+
941
+ This isn't a human man's head because he's nose with
942
+
943
+ a skin removed, the skull removed in the brain, much
944
+
945
+ less nice than the first image of a brain.
946
+
947
+ But he had labelled it all.
948
+
949
+ He provided the first book published back in 1500s.
950
+
951
+ The Doumani Corporis Fabrica structure, The fabric of the human
952
+
953
+ body, covered everything in real detail so that any anatomist
954
+
955
+ in the world, anyone teaching medical school could go through.
956
+
957
+ And now this time we have the brain really in
958
+
959
+ detail.
960
+
961
+ Consider what bits might we have in the brain.
962
+
963
+ He also Andreas Vesalius started this process of thinking about
964
+
965
+ the maybe the soul, our mind.
966
+
967
+ This idea kind of interferes with our actions through the
968
+
969
+ fluid that's in your brain is a milky, pretty disgusting
970
+
971
+ substance in your head.
972
+
973
+ I'll talk to you about it next Friday.
974
+
975
+ When we come back, the lecture to these ventricles, these
976
+
977
+ holes inside your head look absolutely swollen.
978
+
979
+ If you have hydrocephalus, it's a very unfortunate condition by
980
+
981
+ the brain.
982
+
983
+ If you see someone hydrocephalus, the skull expands the ventricle.
984
+
985
+ But he thought this was particularly the way in which
986
+
987
+ our our mind interacts with our body and is a
988
+
989
+ very charismatic character.
990
+
991
+ This idea was really picked up in detail about this
992
+
993
+ very famous philosopher, René Descartes.
994
+
995
+ So if you had two lectures in philosophy, you would
996
+
997
+ have heard a lot of our stuff in Plato.
998
+
999
+ You then hear a lot about René Descartes is famous
1000
+
1001
+ for arguing, I think for Rico or ergo, some just
1002
+
1003
+ famous statements that What can we really know about reality?
1004
+
1005
+ If I'm thinking it must be there.
1006
+
1007
+ Today's lecture What's important about René Descartes is that he
1008
+
1009
+ argued that there's a big distinction, that there are some
1010
+
1011
+ things that I can't If I put my hand in
1012
+
1013
+ a fire, I got no choice.
1014
+
1015
+ I have to take it out.
1016
+
1017
+ I could try and hold my hand in there, but
1018
+
1019
+ naturally I'll take it out.
1020
+
1021
+ And we share that with all other animals.
1022
+
1023
+ What he had, what he.
1024
+
1025
+ We have reflexes, things that help us survive without thinking.
1026
+
1027
+ But there are other times when I might want to
1028
+
1029
+ get up and slap someone.
1030
+
1031
+ And I have decided I'm going to do I'm going
1032
+
1033
+ to make this decision.
1034
+
1035
+ I'm going to use my arm.
1036
+
1037
+ I'm not going to take it.
1038
+
1039
+ I'm going to take and slap someone.
1040
+
1041
+ And he drew diagrams highlighting.
1042
+
1043
+ We can see one here about the bottom that you
1044
+
1045
+ put your foot in the fire.
1046
+
1047
+ You'll need to take it out quickly.
1048
+
1049
+ But the other drawing at the top is about the
1050
+
1051
+ idea.
1052
+
1053
+ He started to think about sensation through to action, that
1054
+
1055
+ I might see something in the world.
1056
+
1057
+ It passes into my brain and then I can think
1058
+
1059
+ and then move my hand to change the world.
1060
+
1061
+ Before René Descartes, that wasn't really a distinction.
1062
+
1063
+ It was drawn this idea about the process, the science
1064
+
1065
+ of what might be going on.
1066
+
1067
+ And that's what we'll be obsessing over in the lectures
1068
+
1069
+ going forward into a whole range of why is it
1070
+
1071
+ exciting topics about emotions, movement, seeing, acting, smelling and memory.
1072
+
1073
+ All these things are going on inside our head.
1074
+
1075
+ But René Descartes really was the first to argue that,
1076
+
1077
+ you know, he discovered all sorts of ideas in mathematics.
1078
+
1079
+ The fact we have graphs, you know, algebra, a vast
1080
+
1081
+ range of things.
1082
+
1083
+ But he was really critical.
1084
+
1085
+ He argues that the soul, this mysterious thing that we
1086
+
1087
+ can't quite tangibly understand is separate from my body.
1088
+
1089
+ The thinking behind me is separate.
1090
+
1091
+ Going back to the long historical is not the way
1092
+
1093
+ science is.
1094
+
1095
+ Good.
1096
+
1097
+ Now think.
1098
+
1099
+ But you will be getting a lecture from an expert
1100
+
1101
+ on consciousness in this course.
1102
+
1103
+ We'll take you into some of these ideas where we
1104
+
1105
+ are now in 2022.
1106
+
1107
+ And if you jump forward into the 100 years after
1108
+
1109
+ René Descartes got interested in reflexes and how he might
1110
+
1111
+ act and the mechanics of moving, we have this again,
1112
+
1113
+ a really charismatic character.
1114
+
1115
+ Once again, Italian themes from 1700s.
1116
+
1117
+ This is Luigi.
1118
+
1119
+ Galvani is primarily a physicist, is messing around with all
1120
+
1121
+ sorts of things in physics, but he also got obsessed
1122
+
1123
+ with physiology and other things.
1124
+
1125
+ A lot of these people back then didn't have to
1126
+
1127
+ spend three years in a psychology degree to get to
1128
+
1129
+ grips with what was going on there.
1130
+
1131
+ He was able to learn a lot and discover things.
1132
+
1133
+ What he built was a vast room like this.
1134
+
1135
+ I five from here to the wall over there, vast
1136
+
1137
+ room filled with copper plates and Wolff are huge, big
1138
+
1139
+ thing and copper plates and wool all stacked up because
1140
+
1141
+ he discovered, you know, if you accidentally move on a
1142
+
1143
+ carpet, if you're wearing the wrong shoes, you can get
1144
+
1145
+ this nasty electrical charge this well, let's make loads of
1146
+
1147
+ that.
1148
+
1149
+ Let's put a lot of this kind of nasty electrical
1150
+
1151
+ shock together, put it what we can see here, put
1152
+
1153
+ it together is this huge, big building connects all those
1154
+
1155
+ copper plates up in and out and to a wire.
1156
+
1157
+ I can take a little while now and I can
1158
+
1159
+ tap it onto another wire and make a little flush
1160
+
1161
+ of electricity.
1162
+
1163
+ And what he discovered when he did that was he
1164
+
1165
+ was testing out what he could do with this.
1166
+
1167
+ And he got, you know, some frogs legs might have
1168
+
1169
+ been part of a meal back then, but he was
1170
+
1171
+ stimulating the frogs in different bits and finds, you know,
1172
+
1173
+ he stimulated blood vessels.
1174
+
1175
+ Nothing very boring.
1176
+
1177
+ But if you stimulate the top of his legs on
1178
+
1179
+ the white bit, the nerve fibres bundle the frogs legs
1180
+
1181
+ on their own, will show the exact pattern of movement
1182
+
1183
+ the frog would make, the whole frog would make trying
1184
+
1185
+ to swim through the water.
1186
+
1187
+ He'd reanimated the frog, brought its lower power back to
1188
+
1189
+ life using electricity.
1190
+
1191
+ And as a young female student who observed this, Wow.
1192
+
1193
+ Because he would tour around with this electrical model showing
1194
+
1195
+ people in different places.
1196
+
1197
+ This young female student called Mary Shelley.
1198
+
1199
+ This is amazing.
1200
+
1201
+ I went off and wrote a rapid study, the story
1202
+
1203
+ of Dr. Frankenstein, his monster drawing from those disgusting little
1204
+
1205
+ frogs legs because you just extrapolated from the frog, say,
1206
+
1207
+ well, if you could do this with an entire human
1208
+
1209
+ body, disgusting.
1210
+
1211
+ Why is this important for you?
1212
+
1213
+ Today's is the first step forward to discovering that your
1214
+
1215
+ brain works through electricity.
1216
+
1217
+ The connections between these nerve cells, the brain and nerve
1218
+
1219
+ fibres, pulse channel, electrical charge moves down those neurones, allowing
1220
+
1221
+ things to happen, like allowing you to see, to hear
1222
+
1223
+ all your sensation, allowing you to move.
1224
+
1225
+ This comes from Kobani.
1226
+
1227
+ A few years later, we move into Germany.
1228
+
1229
+ We're going to move into Germany and France and go
1230
+
1231
+ back and forward a bit.
1232
+
1233
+ Yohannes Peter Muller is a German physiologist.
1234
+
1235
+ He started to get obsessed with looking at different fish,
1236
+
1237
+ different amphibians and discovering, Oh, they do these in a
1238
+
1239
+ building on galvanise ideas.
1240
+
1241
+ You could see how the nerve fibres are organised.
1242
+
1243
+ And he started to systematise how we might organise in
1244
+
1245
+ a more organised way.
1246
+
1247
+ Our understanding of these brain structures went far beyond Vesalius,
1248
+
1249
+ his books from 1500s.
1250
+
1251
+ So now in the 1800s, around that time there's another
1252
+
1253
+ man and he he would tool around as well.
1254
+
1255
+ A little less charismatic, but still a great performer, Franz
1256
+
1257
+ Francisco.
1258
+
1259
+ And he had discovered he'd been interested in this idea
1260
+
1261
+ that he met people who had different faculties.
1262
+
1263
+ Some are really smart, some are really dumb, some he
1264
+
1265
+ really quick.
1266
+
1267
+ Some people were good at picking up language at different
1268
+
1269
+ skills and noticed that their heads might be different shape.
1270
+
1271
+ There was a lot of variation in Skull and he
1272
+
1273
+ thought that maybe the way the brain maybe there's one
1274
+
1275
+ way to to determine how the brain was related by
1276
+
1277
+ measuring the skull from the outside, the bones in the
1278
+
1279
+ way our brains are.
1280
+
1281
+ So some of the big back of the head.
1282
+
1283
+ So we were measuring lots of people's head in total
1284
+
1285
+ detail of the bumps and what they were good at
1286
+
1287
+ the first kind of assessments of IQ and, you know,
1288
+
1289
+ memory function and language trying to measure these things as
1290
+
1291
+ real move forward to science, but really wrong.
1292
+
1293
+ But because nobody really believes that the skill at language
1294
+
1295
+ isn't the best, just under AI or the obsequiousness, it's
1296
+
1297
+ somewhere at the back of your head.
1298
+
1299
+ Or empathy must be in this tiny bit.
1300
+
1301
+ But we just know that it was just wrong.
1302
+
1303
+ And he came to that through, you know, incorrectly correlating
1304
+
1305
+ one set of variables, bumps and another performance in a
1306
+
1307
+ very unsatisfactory way.
1308
+
1309
+ This whole idea is term phrenology and it's still cropped
1310
+
1311
+ up in the modern culture.
1312
+
1313
+ Is Homer Simpson, with his brain obsessed with doughnuts and
1314
+
1315
+ beer and sleep.
1316
+
1317
+ You know, this is a pervasive pervaded to know this
1318
+
1319
+ is another man's.
1320
+
1321
+ We now go from Germany and France, goobers galore.
1322
+
1323
+ A big fall is a big deal.
1324
+
1325
+ You'll still find them.
1326
+
1327
+ You go to Camden Market.
1328
+
1329
+ Phrenology heads.
1330
+
1331
+ You know, it's persisted till now, but this rather grumpy
1332
+
1333
+ man, Jean-Pierre Florin, hated this idea.
1334
+
1335
+ He really did not like goals proposal for the right
1336
+
1337
+ reason that it was wrong.
1338
+
1339
+ But he decided he would.
1340
+
1341
+ He would really try and do experiments on it in
1342
+
1343
+ stimulating these frogs is showing electricity.
1344
+
1345
+ But what if we went into the brain and start
1346
+
1347
+ to find out, do different bits of the brain do
1348
+
1349
+ things differently?
1350
+
1351
+ As ancient Egyptians had written about it, he didn't know.
1352
+
1353
+ In 17 the early 1800s we found when he went
1354
+
1355
+ in and started looking at damage to the brain, applying
1356
+
1357
+ lesions was that it wasn't really some great kind of
1358
+
1359
+ organisation.
1360
+
1361
+ His lesions were pretty poorly done, they weren't well delivers.
1362
+
1363
+ And he concluded The brain is just this mass.
1364
+
1365
+ The upper part of a brain does all these amazing
1366
+
1367
+ functions.
1368
+
1369
+ It is not organised in a way though, that argues
1370
+
1371
+ the language is in somewhere, etc. So he really in
1372
+
1373
+ France was a big fight between these positions of organised
1374
+
1375
+ versus non organised brains.
1376
+
1377
+ So we've moved right down up to the top of
1378
+
1379
+ this without coming to the latter part of the modern
1380
+
1381
+ year period when things really changed with this man, Paul
1382
+
1383
+ Broca, in France, same as Florence, around the same sort
1384
+
1385
+ of time.
1386
+
1387
+ He's an anatomist, a physician, anthropologist as well, and what
1388
+
1389
+ he's famous for is discovering Brook, his area, funnily enough,
1390
+
1391
+ named after him.
1392
+
1393
+ And this is a picture of one of the disgusting,
1394
+
1395
+ preserved brains that Brocket managed to take when he was
1396
+
1397
+ doing his anatomy work.
1398
+
1399
+ And what we can see in this brain is it's
1400
+
1401
+ got a lot of damage.
1402
+
1403
+ There was some event, some traumatic event.
1404
+
1405
+ It caused damage to this particular area.
1406
+
1407
+ And what Rocco realised was that he had a group
1408
+
1409
+ of patients who had the same problem.
1410
+
1411
+ They all couldn't speak properly.
1412
+
1413
+ It could, they could understand language, but they just couldn't
1414
+
1415
+ get the right words.
1416
+
1417
+ Still very clever.
1418
+
1419
+ He do lots of things, but they struggle with speech
1420
+
1421
+ and he found all these patients with almost all cases
1422
+
1423
+ had damaged.
1424
+
1425
+ The right frontal lobes in this particular area might extend
1426
+
1427
+ to other places.
1428
+
1429
+ But the common area was this area known to termed
1430
+
1431
+ Brock Azaria for the production of speech, and he established
1432
+
1433
+ that in most humans the left hemisphere is critically important
1434
+
1435
+ for language, which is still something that clinicians right now
1436
+
1437
+ are somewhere in a hospital in London will be determining
1438
+
1439
+ for somebody surgery.
1440
+
1441
+ You do not want to do the wrong surgery and
1442
+
1443
+ without someone's frontal lobe for language and discovered that they
1444
+
1445
+ can't speak and surgically because it could be their right
1446
+
1447
+ temporal lobe, one in a hundred is is actually doing
1448
+
1449
+ that job.
1450
+
1451
+ So it's a very critical thing.
1452
+
1453
+ Still, the broker is important in your story because he
1454
+
1455
+ is not the first to really say Florence is wrong,
1456
+
1457
+ go.
1458
+
1459
+ They're all wrong.
1460
+
1461
+ But actually there is organisation in the brain.
1462
+
1463
+ But we need to really think about the anatomy.
1464
+
1465
+ We need to think about specifics.
1466
+
1467
+ During this time in Germany, Karl Verner was also looking
1468
+
1469
+ at patients and he discovered a bit of wrinkle.
1470
+
1471
+ Verner Azaria I mean they named after him, which is
1472
+
1473
+ more posterior to rock.
1474
+
1475
+ Azaria Responsible for the comprehension of speech, and I put
1476
+
1477
+ it in very simple terms, but generally these were the
1478
+
1479
+ was the general idea.
1480
+
1481
+ You've got language production and language comprehension in the left
1482
+
1483
+ hemisphere in two particular areas.
1484
+
1485
+ And both these men really led the way into the
1486
+
1487
+ world of neuropsychology, of relating psychological function, speech reduction to
1488
+
1489
+ speech comprehension, these two different abilities you might have.
1490
+
1491
+ So.
1492
+
1493
+ Yes, he was an incredible.
1494
+
1495
+ These two men are incredible in advancing our understanding of
1496
+
1497
+ brain and behaviour, roots change and development of neuropsychology.
1498
+
1499
+ And this was going on in in France for for
1500
+
1501
+ four.
1502
+
1503
+ We go back to Brock having gone in in France
1504
+
1505
+ for Paul Brock and in Germany for Calvin.
1506
+
1507
+ And just you could walk there in 10 minutes down
1508
+
1509
+ the road in Queen Square.
1510
+
1511
+ John Healings Jackson is the other major figure in the
1512
+
1513
+ understanding of brain and behaviour this time.
1514
+
1515
+ So now a little bit for the mid 1800s, sort
1516
+
1517
+ of late 1800s.
1518
+
1519
+ And John healings Jackson.
1520
+
1521
+ Key takeaways.
1522
+
1523
+ You provide a whole range of important insights into the
1524
+
1525
+ cerebral, the cerebral cortex and study of these brain damaged
1526
+
1527
+ patients.
1528
+
1529
+ A vast range that I could list, you know, colour,
1530
+
1531
+ vision, sensation, spatial orientation, whole range of functions.
1532
+
1533
+ And his boss, the sitting in the National Hospital for
1534
+
1535
+ Neurology and Neurosurgery, where he worked for his career running
1536
+
1537
+ a a ward when he was dedicated to not only
1538
+
1539
+ helping patients, but making these discoveries about the brain, how
1540
+
1541
+ it's organised.
1542
+
1543
+ And so we have him to thank for a lot
1544
+
1545
+ of key neuropsychological discoveries, by the way our brains are
1546
+
1547
+ organised.
1548
+
1549
+ Now one of the most critical cases we're going to
1550
+
1551
+ come into a number of in this short lecture, we're
1552
+
1553
+ coming to two really famous cases against the celebrities who
1554
+
1555
+ made the key discoveries like Rocker and Veronica and John
1556
+
1557
+ Hughes Jackson.
1558
+
1559
+ But here's a man called Phineas Gauge.
1560
+
1561
+ I'm sure many of you in the audience may have
1562
+
1563
+ come across Phineas Gauge, but if you haven't, let me
1564
+
1565
+ introduce this remarkable story.
1566
+
1567
+ We don't really know that the urologist should have more
1568
+
1569
+ credit for the person who discovered in his details.
1570
+
1571
+ But it seems a move between different doctors and it's
1572
+
1573
+ a bit disputed.
1574
+
1575
+ The Phineas Gauge.
1576
+
1577
+ Here is a picture of his skull and a picture
1578
+
1579
+ of figure one in the paper of an iron bar
1580
+
1581
+ used for railway sleeper movers.
1582
+
1583
+ A Tiffany's gauge was a railroad worker.
1584
+
1585
+ He was responsible for moving around, dealing with the the
1586
+
1587
+ laying down a railway track.
1588
+
1589
+ At that time, they had these huge metal poles that
1590
+
1591
+ would allow you to move the big sleepers and move
1592
+
1593
+ the big rails.
1594
+
1595
+ You're putting a rope.
1596
+
1597
+ You needed something really heavy this time.
1598
+
1599
+ They're also using explosives.
1600
+
1601
+ They're using because they had to cut through the rock.
1602
+
1603
+ And for Phineas Gauge, a very unfortunate accident occurred or
1604
+
1605
+ was working away.
1606
+
1607
+ An explosion occurred on one of these steel rods just
1608
+
1609
+ blown right up through his head and lodged inside his
1610
+
1611
+ head.
1612
+
1613
+ He should have died.
1614
+
1615
+ He should have died.
1616
+
1617
+ But the fact the reason he didn't was the speed
1618
+
1619
+ of the of this rod penetrated his skull so fast,
1620
+
1621
+ it sort of it didn't cause the surrounding damage in
1622
+
1623
+ the way of a slow moving object.
1624
+
1625
+ So remarkably, they were able to remove this pole.
1626
+
1627
+ And he went on for a month or so for
1628
+
1629
+ some period afterwards alive before he died.
1630
+
1631
+ And what was remarkable in the case of Phineas Gauge
1632
+
1633
+ was that he retains more or less his knowledge of
1634
+
1635
+ who people were.
1636
+
1637
+ He could see things all sensation movement, a lot of
1638
+
1639
+ these general human properties, you know, things we take for
1640
+
1641
+ granted.
1642
+
1643
+ He could still do them despite this massive damage he'd
1644
+
1645
+ had.
1646
+
1647
+ What he lost was his ability to make careful decisions,
1648
+
1649
+ to plan for the future, and his personality was really
1650
+
1651
+ disrupted.
1652
+
1653
+ So he was he would curse is violence.
1654
+
1655
+ His entire sense of who he was, the people who
1656
+
1657
+ knew him said he's not the same as change.
1658
+
1659
+ So from that discovery of Phineas gauge, along with Brauchler
1660
+
1661
+ and Guernica, we had this and John Ewing's Jackson, these
1662
+
1663
+ discoveries about bits of the brain, it seems the frontal
1664
+
1665
+ lobes.
1666
+
1667
+ I'll be going through the anatomy on Friday show you
1668
+
1669
+ where the frontal lobes are, unsurprisingly in the front of
1670
+
1671
+ the brain.
1672
+
1673
+ But these frontal lobes are critical for that kind of
1674
+
1675
+ personality and thinking.
1676
+
1677
+ And and sadly, people went on to run frontal lobotomies
1678
+
1679
+ all around the world.
1680
+
1681
+ Popping out of these for periods is a very unpleasant
1682
+
1683
+ period in history that we may come back to later
1684
+
1685
+ in the course.
1686
+
1687
+ Paul Burgess in the last lecture will talk about the
1688
+
1689
+ history of frontal lobotomies.
1690
+
1691
+ So have Phineas Gauge railway worker and let's just listen
1692
+
1693
+ to what I've said there.
1694
+
1695
+ So he survived his personality disorders.
1696
+
1697
+ So what I've been talking to now is Rocco, Veronica,
1698
+
1699
+ John who these Jackson cases often escape each one of
1700
+
1701
+ these people in cases giving us real insight into the
1702
+
1703
+ organisation and function there has persisted.
1704
+
1705
+ And to this day we still people look for this
1706
+
1707
+ area.
1708
+
1709
+ People still think this is true.
1710
+
1711
+ What distinctly different Phineas gauge.
1712
+
1713
+ Unlike the previous hundred years before, there was a bit
1714
+
1715
+ of a mass, but it's around this time in the
1716
+
1717
+ 1800s that we have this shift towards more careful experimental
1718
+
1719
+ science.
1720
+
1721
+ So Jean-Pierre Florins, I'll go back and see him again.
1722
+
1723
+ This is Jean-Pierre Florence that instigated in France, this idea.
1724
+
1725
+ We need to experiment to understand the brain.
1726
+
1727
+ We can't just observe in the period following these 33
1728
+
1729
+ men and this particular case, they're all about observing.
1730
+
1731
+ But at this late 1800s, we had these three men
1732
+
1733
+ that then revolutionised our understanding of brain function because they
1734
+
1735
+ went back to the idea Galvani had produced and Mary
1736
+
1737
+ Shelley had popularised in Frankenstein.
1738
+
1739
+ What friction hits segue on the right.
1740
+
1741
+ Everyone had big beards back then on the right in
1742
+
1743
+ Germany.
1744
+
1745
+ We were running a physiology laboratory but able to show
1746
+
1747
+ it, start showing that they had much more improved.
1748
+
1749
+ They didn't need a huge house to create batteries anymore.
1750
+
1751
+ You could get small systems for electrically shocking and working
1752
+
1753
+ with electricity.
1754
+
1755
+ This is 1800s.
1756
+
1757
+ So they were able to show that you could stimulate
1758
+
1759
+ bits of the brain and cause movement to occur on
1760
+
1761
+ the left here.
1762
+
1763
+ David Farrier was a physician, is a Scottish physician who
1764
+
1765
+ worked with John Healings.
1766
+
1767
+ Jackson's became known as a student who.
1768
+
1769
+ Again, 10 minutes away, you walked to where David Faraday
1770
+
1771
+ would walk around doing things in the ward, helping patients.
1772
+
1773
+ But he got a grant to start doing this experimental
1774
+
1775
+ work by stimulating, and he was extremely systematic in that.
1776
+
1777
+ And he he produced the first publication publication map of
1778
+
1779
+ where what happens when you stimulate where in the brain.
1780
+
1781
+ So if I stimulate above here in lots of different
1782
+
1783
+ in various different animals, I'll get certain reactions, certain movements
1784
+
1785
+ will occur.
1786
+
1787
+ And they were really interested in this, and not just
1788
+
1789
+ to make the fundamental discoveries we're talking about here.
1790
+
1791
+ They wanted to understand epilepsy, and they could see that
1792
+
1793
+ if you stimulate electricity in places you've got, movements are
1794
+
1795
+ very much like an epileptic fits.
1796
+
1797
+ So they're able to argue that epilepsy is this overreaction
1798
+
1799
+ to much electrical charge through the brain from these early
1800
+
1801
+ experiments.
1802
+
1803
+ But it is a very sad tale because they were
1804
+
1805
+ not using antiseptic techniques.
1806
+
1807
+ These came in.
1808
+
1809
+ So the experiments were really traumatic and indeed really drove
1810
+
1811
+ in the United Kingdom, the Anti Vivisection Society.
1812
+
1813
+ And to this day in the UK, we have some
1814
+
1815
+ of the most stringent laws around the protection of animals
1816
+
1817
+ do anywhere that animals.
1818
+
1819
+ And there's lots of animal work going on at UCL.
1820
+
1821
+ It's so carefully regulated and looked at with great care
1822
+
1823
+ to make sure that every every effort is made to
1824
+
1825
+ minimise any pain to any animals.
1826
+
1827
+ But back then, unfortunately things were not so good.
1828
+
1829
+ So reading these articles is somewhat is is not pleasant.
1830
+
1831
+ Unfortunately, this is the history of historically.
1832
+
1833
+ These two men, they move out of they move from
1834
+
1835
+ the study of stimulating brains and damaging brains and so
1836
+
1837
+ on to what happens if you look down a microscope.
1838
+
1839
+ This is going on simultaneously.
1840
+
1841
+ In the late 18th, we know in the early 1900s
1842
+
1843
+ how on the right and Emilio Golgi, two men who
1844
+
1845
+ had developed staining techniques.
1846
+
1847
+ You can see how this picture I showed you earlier
1848
+
1849
+ on the right and comedian Goldie's picture on the left.
1850
+
1851
+ These are the drawings of anatomy.
1852
+
1853
+ A key things that they had discovered that they could
1854
+
1855
+ use, particular staining techniques that when you stay in a
1856
+
1857
+ bit of brain wash it.
1858
+
1859
+ I you can see it under microscope.
1860
+
1861
+ Now Golgi and his name is all over cells.
1862
+
1863
+ Views on any cell biology, any or any biology really,
1864
+
1865
+ or probably where the Golgi apparatus inside a cell.
1866
+
1867
+ This is this, you know, larger than life Italian.
1868
+
1869
+ He put his name on it and he he discovered
1870
+
1871
+ an enormous amount of ourselves by very carefully looking at
1872
+
1873
+ microscopes.
1874
+
1875
+ But what he thought when he looked at the brain
1876
+
1877
+ was it was all the kind of big fibrous mass
1878
+
1879
+ like a sponge.
1880
+
1881
+ You know, sponges are one big kind of fibrous mass.
1882
+
1883
+ And how awful this was wrong, how it looked in
1884
+
1885
+ lots of sections.
1886
+
1887
+ And he could see quite clearly from his notes that
1888
+
1889
+ there appeared to be individual nerve cells that were not
1890
+
1891
+ connected up and they were growing.
1892
+
1893
+ And how argued this hypothesis that a brain is composed
1894
+
1895
+ of neurones is something we take for granted.
1896
+
1897
+ But it's only 200 years.
1898
+
1899
+ All these amazing scientists before that were not aware of
1900
+
1901
+ the existence of neurones.
1902
+
1903
+ It's quite amazing to think of.
1904
+
1905
+ They both received the Nobel Prize for this and they
1906
+
1907
+ went up on the stage to collect it.
1908
+
1909
+ It was all agreed in this period that pretty much
1910
+
1911
+ all scientists agree with the Nobel that the position of
1912
+
1913
+ neurones.
1914
+
1915
+ But apparently Golgi did not like this idea and his
1916
+
1917
+ entire Nobel speech to the community carried on arguing against
1918
+
1919
+ the hypothesis which really pissed off.
1920
+
1921
+ How does he come to collect the prize for the
1922
+
1923
+ same thing?
1924
+
1925
+ And they never really spoke to each other.
1926
+
1927
+ He had a real falling out over this idea, but
1928
+
1929
+ they made incredible advances and move forward this idea and
1930
+
1931
+ we looking a lot in this course of neurones.
1932
+
1933
+ So these are the guys behind the insights around this
1934
+
1935
+ time just a bit earlier.
1936
+
1937
+ In fact, we have Hermann von Helmholtz.
1938
+
1939
+ We're looking at neurones and we're starting to you have
1940
+
1941
+ rokkr looking at brains, but we have this incredible switch
1942
+
1943
+ to empiricism.
1944
+
1945
+ So if you do a psychology degree or neuroscience degree,
1946
+
1947
+ you're taught to take a problem, you reduce it down,
1948
+
1949
+ you systematically study it, you've hairy properties of the world
1950
+
1951
+ and you statistically test them.
1952
+
1953
+ And we have a lot of that in science.
1954
+
1955
+ There is a vision, perception of space and so on.
1956
+
1957
+ Where we're being examined by Helmholtz back then, the world
1958
+
1959
+ was not so big.
1960
+
1961
+ So these people neutral.
1962
+
1963
+ Helmholtz was David Faraday had worked with Helmholtz.
1964
+
1965
+ It was dialogue with John Giddings.
1966
+
1967
+ Jackson How was aware of how they were all in
1968
+
1969
+ cahoots in some ways, but disagreeing in agreement.
1970
+
1971
+ So it was a very productive time in terms of
1972
+
1973
+ changes.
1974
+
1975
+ Now we come to the 1900s.
1976
+
1977
+ We have colleagues shown there are neurones, but in Oxford
1978
+
1979
+ we have Charles Scott Sherrington and his work were moving
1980
+
1981
+ into the 1900.
1982
+
1983
+ This is the 20th century.
1984
+
1985
+ Science is now changing big time.
1986
+
1987
+ The methods you can employ, the precision of instruments, what
1988
+
1989
+ you can do.
1990
+
1991
+ Psychology and neuroscience have become topics that are investigated more.
1992
+
1993
+ And Charles Scott Sherrington In history, neuroscience is really important
1994
+
1995
+ for rolling out the first fundamental explanation of how brains
1996
+
1997
+ operate.
1998
+
1999
+ Jake Deka had written about reflexes and movement, but just
2000
+
2001
+ sketched it.
2002
+
2003
+ You saw the diagrams.
2004
+
2005
+ Sherrington had detailed diagrams and explanations.
2006
+
2007
+ He worked out that there was something wrong.
2008
+
2009
+ He went to how far stick the work around this
2010
+
2011
+ time, how information must flow through the nerve system, how
2012
+
2013
+ these with the stimulation of the frogs legs discovered there
2014
+
2015
+ was a gap in the timing.
2016
+
2017
+ Something was missing.
2018
+
2019
+ These cells should foster.
2020
+
2021
+ And he speculated that there must be some gap between
2022
+
2023
+ the cells, which he called the sign ups that were
2024
+
2025
+ some slowing and that stayed very controversial for 50 years
2026
+
2027
+ or so.
2028
+
2029
+ Fighting over the existence of sign ups did or did
2030
+
2031
+ not operate throughout tricity or chemistry or books.
2032
+
2033
+ Charles Scott Sharon's and was really the foundational figure in
2034
+
2035
+ terms of laying out the general principles of the nervous
2036
+
2037
+ system.
2038
+
2039
+ We have to thank for that.
2040
+
2041
+ We're going to wrap up now the last two people
2042
+
2043
+ for the end of the lecture, and here we go
2044
+
2045
+ again.
2046
+
2047
+ I think charisma carries through a lot of these.
2048
+
2049
+ We have not an Italian charismatic, but a Canadian.
2050
+
2051
+ We've got a Canadian neuroscientist while the Penfield, while the
2052
+
2053
+ penfield was drawing all that knowledge of fairy friction hits.
2054
+
2055
+ It's shown and very mapped out where you should stimulate
2056
+
2057
+ in animals to get certain behaviours.
2058
+
2059
+ What Penfield argued was that let's use that in our
2060
+
2061
+ surgery in Montreal, Montreal Institute back in this period of
2062
+
2063
+ the 19, maybe 1930, through to the through to even
2064
+
2065
+ now, incredible institute for insights into psychology and neuroscience, they
2066
+
2067
+ started to do much more careful work to have a
2068
+
2069
+ more experimental brain surgery where they would remove whole sets
2070
+
2071
+ of bits of the brain to cure things like epilepsy
2072
+
2073
+ or intractable pain, all sorts of things.
2074
+
2075
+ What you want you want to do neurosurgery.
2076
+
2077
+ What I said earlier with Broca's case, you do not
2078
+
2079
+ want to disrupt language and someone can't speak.
2080
+
2081
+ It's an utter devastation.
2082
+
2083
+ If they can do lots, if they lose other things,
2084
+
2085
+ not ever.
2086
+
2087
+ You know, if I can't find my way, I can
2088
+
2089
+ still get Google Maps or someone to tell.
2090
+
2091
+ I can't speak to you.
2092
+
2093
+ It's a disaster.
2094
+
2095
+ So Penfield was very carefully using electrical stimulation in his
2096
+
2097
+ surgeries to then make big discoveries about the brain.
2098
+
2099
+ He would go in and stimulate and he discovered there's
2100
+
2101
+ an entire map in the human brain of the of
2102
+
2103
+ our body where sensations occurred.
2104
+
2105
+ So what Penfield would do is have someone in surgery
2106
+
2107
+ for the first time awake and careful surgical techniques, open
2108
+
2109
+ up their skull, go into their brain while they're able
2110
+
2111
+ to speak.
2112
+
2113
+ There's no pain receptors in your brain.
2114
+
2115
+ They're all on the outside.
2116
+
2117
+ If you can anaesthetise all that, get it all set,
2118
+
2119
+ you can go in and stimulate.
2120
+
2121
+ And they still do this?
2122
+
2123
+ No, not quite the way he did, but then much
2124
+
2125
+ more carefully that he's able to stimulate and see what
2126
+
2127
+ people could tell him.
2128
+
2129
+ Things when you stimulate here.
2130
+
2131
+ Oh, my hand starts itching, I stimulate there.
2132
+
2133
+ Their knee will start to tingle.
2134
+
2135
+ You can map all this out and discover that it
2136
+
2137
+ was a very organised map of our human body or
2138
+
2139
+ surfaces inside our brain running along this area of the
2140
+
2141
+ Samantha sensory cortex.
2142
+
2143
+ I'll talk about that on Friday in more detail.
2144
+
2145
+ There was also a map of if you stimulate in
2146
+
2147
+ other places, they might start moving their hand, twitching, a
2148
+
2149
+ finger, moving their mouth, their lips.
2150
+
2151
+ And you can see one of his drawings there of
2152
+
2153
+ the these bits of the body.
2154
+
2155
+ And it wasn't just organised 1 to 1 go to
2156
+
2157
+ the tongue and the lips take up a huge number
2158
+
2159
+ of cells in your brain.
2160
+
2161
+ This will be true of all of you in the
2162
+
2163
+ audience, your brain.
2164
+
2165
+ Well, lots of brain cells.
2166
+
2167
+ In fact, somebody once commented The number of brain cells
2168
+
2169
+ in your as a human to move your finger is
2170
+
2171
+ more than the whole brain cells in a mouse is
2172
+
2173
+ so complicated human organising can move.
2174
+
2175
+ We have a lot of support cells we have a
2176
+
2177
+ lot of a lot of cells in the human brain.
2178
+
2179
+ So there is some huge amounts of of cells in
2180
+
2181
+ there organising our, our sensation in action, the last personal
2182
+
2183
+ ones.
2184
+
2185
+ And today's lecture as we come to the end is
2186
+
2187
+ a woman.
2188
+
2189
+ So she had a lot of bearded men so far,
2190
+
2191
+ these people who had the power to do what they
2192
+
2193
+ could do.
2194
+
2195
+ The Montreal Neurological Institute in the 1940s, 30, 40 years
2196
+
2197
+ going forward into the fifties is a change in women
2198
+
2199
+ are alive in medicine in fact show Charles Scott showing
2200
+
2201
+ some is one of the earliest people to really fight
2202
+
2203
+ to allow women into medicine they were not allowed to
2204
+
2205
+ study.
2206
+
2207
+ You know, when these historical unpleasantries UCLA was actually pretty
2208
+
2209
+ good at this changing things.
2210
+
2211
+ But here we have Brenda milner, who's 104 years old
2212
+
2213
+ at the moment, still alive, still has an office somewhere.
2214
+
2215
+ Her office is covered with every possible accolade you could
2216
+
2217
+ have in science.
2218
+
2219
+ And below her is a normal brain.
2220
+
2221
+ On the right, on the left is the brain of
2222
+
2223
+ a patient called.
2224
+
2225
+ Henry Lawson, who died about ten years ago, was throughout
2226
+
2227
+ her career known as Patient H.M..
2228
+
2229
+ So Phineas Gauge is famous because that's what was going
2230
+
2231
+ through his head.
2232
+
2233
+ Hey, Jim was famous because a young maverick neurosurgeon removed
2234
+
2235
+ his temporal lobe bilaterally.
2236
+
2237
+ You can see in the diagram here, he removed all
2238
+
2239
+ that brain tissue there and there, there, that huge amount
2240
+
2241
+ of brain tissue all scrutinised very carefully.
2242
+
2243
+ He survived perfectly healthy, lived for decades after the surgery,
2244
+
2245
+ and the surgery worked for what he was trying to
2246
+
2247
+ do.
2248
+
2249
+ It stopped.
2250
+
2251
+ H.M. had epilepsy, really severe epilepsy.
2252
+
2253
+ It stopped.
2254
+
2255
+ It was great, but it unfortunately did leave H.M utterly
2256
+
2257
+ amnesic.
2258
+
2259
+ After the surgery.
2260
+
2261
+ He never learned a single thing about anyone he met.
2262
+
2263
+ He couldn't remember any new details.
2264
+
2265
+ He couldn't find his way around the hospital.
2266
+
2267
+ He could remember what had happened to him long before,
2268
+
2269
+ but any new memories were unable to be laid down.
2270
+
2271
+ That bit of the capacity or other intellectual function, his
2272
+
2273
+ knowing language, IQ planning, he could do all the things
2274
+
2275
+ for this case couldn't.
2276
+
2277
+ His personality stayed the same.
2278
+
2279
+ But his memory had disappeared.
2280
+
2281
+ And Brenda milner really was the pioneer who brought forward
2282
+
2283
+ that and many other discoveries systematically about brain function.
2284
+
2285
+ So we'll come back to Brenda milner when it comes
2286
+
2287
+ on to our our next hour lectures on memory and
2288
+
2289
+ learning systems.
2290
+
2291
+ So today, we've gone through a whole sequence of celebrities
2292
+
2293
+ of the brain all the way through our ancient past,
2294
+
2295
+ Socrates.
2296
+
2297
+ So, Brenda milner, on Friday, I'll start to dive into
2298
+
2299
+ the neuroanatomy that underlies what we now know about the
2300
+
2301
+ brain.
2302
+
2303
+ To see you next Friday and enjoy the course.
2304
+
raw_transcripts/lecture_10.txt ADDED
@@ -0,0 +1,2081 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Is.
2
+
3
+ This gone?
4
+
5
+ Can you hear me.
6
+
7
+ Out the back?
8
+
9
+ Yes.
10
+
11
+ Speak up.
12
+
13
+ Raise the volume.
14
+
15
+ And.
16
+
17
+ I'll just speak louder.
18
+
19
+ I can't see the volume switch on this.
20
+
21
+ Is it actually coming through the thing?
22
+
23
+ Kind of.
24
+
25
+ Or I'll just try and speak Labs.
26
+
27
+ Or is it?
28
+
29
+ I'm not here to help you understand how the brain
30
+
31
+ helps you love someone like this.
32
+
33
+ We're here to try and understand a bit about how
34
+
35
+ we might try and study emotions in the brain.
36
+
37
+ And to do that, we need to define emotions in
38
+
39
+ a way that make them scientifically tractable.
40
+
41
+ And this slide tries to help you do that.
42
+
43
+ I want to consider emotions that are consistent and discrete
44
+
45
+ responses to an event of significance.
46
+
47
+ We need something that's consistent.
48
+
49
+ We need them to be discrete if we're trying to
50
+
51
+ understand how they represent in the brain.
52
+
53
+ I will argue that emotions are important because they help
54
+
55
+ direct an appropriate course of action.
56
+
57
+ The most obvious thing in this case is threat.
58
+
59
+ If you're under threat, you want to fight.
60
+
61
+ You want to flee.
62
+
63
+ You need to elevate your blood pressure so that your
64
+
65
+ body is more prepared.
66
+
67
+ You need to change your galvanic skin resistance.
68
+
69
+ You actually need to redirect the blood supply to your
70
+
71
+ body.
72
+
73
+ You need to do a bunch of things that are
74
+
75
+ associated with sympathetic arousal.
76
+
77
+ It makes sense.
78
+
79
+ Then, if you start to feel an emotion of fear
80
+
81
+ that that is associated with a physiological response.
82
+
83
+ But emotions are also important because they help organise other
84
+
85
+ aspects of cognition, not just make your body ready for
86
+
87
+ a particular course of action.
88
+
89
+ They help you maybe remember things that help you pay
90
+
91
+ attention to particular aspects of your surroundings.
92
+
93
+ In humans, we know that emotions are associated with feelings
94
+
95
+ that might feel sad.
96
+
97
+ It's a bit hard to ask an animal what feelings
98
+
99
+ they have.
100
+
101
+ So we need to, when we study and want to
102
+
103
+ understand the neuroscience of emotions, we need to examine those
104
+
105
+ emotions or those aspects of emotions which are reportable, not
106
+
107
+ those which are subjective and unavailable to scientific analysis.
108
+
109
+ And I should just mention here that you find in
110
+
111
+ the literature the word affect and emotion or affective neuroscience
112
+
113
+ used interchangeably, and it's a little bit discombobulating for the
114
+
115
+ first few times to read that.
116
+
117
+ But you just need to think of ethics and emotion
118
+
119
+ as effectively meaning the same thing.
120
+
121
+ So there are many ways of describing emotions.
122
+
123
+ I like this and it is a very influential model
124
+
125
+ of how emotions can be represented.
126
+
127
+ This model was developed by asking several hundred, maybe even
128
+
129
+ thousands of participants in the early 1980s to describe the
130
+
131
+ relationships between different named emotions, which we'll see in a
132
+
133
+ second.
134
+
135
+ And effectively, the mathematical fallout of that experiment was that
136
+
137
+ most emotions or most emotional states that people recognise could
138
+
139
+ be described as lying along a space in a space
140
+
141
+ that's formed by two axes, the two dimensional space.
142
+
143
+ And those two axes are one of arousal.
144
+
145
+ So you can vary between being aroused and being sleepy
146
+
147
+ and one of balance that is between pleasure or positive
148
+
149
+ affect and misery or negative affect.
150
+
151
+ So these two axes, it turns out, as sufficient to
152
+
153
+ describe or at least to place most of the emotional
154
+
155
+ states that we encounter.
156
+
157
+ So if we put the various words that were used
158
+
159
+ in this analysis onto this space, they all kind of
160
+
161
+ make sense.
162
+
163
+ So, for example, when you have positive valence and high
164
+
165
+ arousal, emotions that are associated with those two things, for
166
+
167
+ example, excited or astonished or delighted and depending on the
168
+
169
+ relative balance of violence and arousal, you lie at different
170
+
171
+ points in this.
172
+
173
+ Similarly, if you have positive violence but low arousal, then
174
+
175
+ you might have things like serene content at ease, things
176
+
177
+ that are associated with low arousal but still positive.
178
+
179
+ So they lie down here, low valence, sorry, low arousal
180
+
181
+ and negative valence, on the other hand, means things like
182
+
183
+ sad, gloomy, depressed, those kinds of words.
184
+
185
+ And finally, high arousal and negative valence means things like
186
+
187
+ annoyed, afraid, fear.
188
+
189
+ So it makes sense, the space makes sense, and it's
190
+
191
+ become a very influential and powerful model for trying to
192
+
193
+ explain the relationships between different emotions.
194
+
195
+ And we'll be getting back to that in a in
196
+
197
+ a few slides time.
198
+
199
+ What I would like to provide you, though, with the
200
+
201
+ caveat is that it is still a matter of substantial
202
+
203
+ debate about whether emotions in the brain represented along these
204
+
205
+ two axes.
206
+
207
+ In other words, maybe you have one brain system that
208
+
209
+ focuses on arousal, another one that focuses on violence.
210
+
211
+ And together these two brain systems, for example, may represent
212
+
213
+ all the possible emotions or whether you have dedicated brain
214
+
215
+ systems for particular emotional states.
216
+
217
+ So those are the two contradictory hypotheses.
218
+
219
+ The evidence is still not in about which one describes
220
+
221
+ brain function better.
222
+
223
+ But this is a convenient way to think about the
224
+
225
+ different emotions and the relationship between them.
226
+
227
+ The study of emotions is had in cognition, and psychology
228
+
229
+ has had a long and checkered history.
230
+
231
+ Often called the folk perspective of emotions is the following.
232
+
233
+ There's a stimulus out there in the world.
234
+
235
+ We perceive it that then gives that perception and gives
236
+
237
+ rise to some form of emotional response.
238
+
239
+ And that emotional response in turn drives physiological actions like
240
+
241
+ increased blood pressure.
242
+
243
+ It's not to be pejorative to say this is a
244
+
245
+ folk explanation, but this is the typical one that we
246
+
247
+ might if we introspect.
248
+
249
+ Think about what happens.
250
+
251
+ This folk, so-called folk was challenged in the late 19th
252
+
253
+ century.
254
+
255
+ And indeed, a very popular theory from William James and
256
+
257
+ Carl Long, which I'll describe in a second, but which
258
+
259
+ is nicely described in this paragraph, not all of which
260
+
261
+ are read out.
262
+
263
+ I just want to highlight a particular sentence.
264
+
265
+ If I begin to tremble because I am threatened with
266
+
267
+ a loaded pistol.
268
+
269
+ That first person is to carry me.
270
+
271
+ Does terror arise?
272
+
273
+ And is that what causes my trembling confrontation of the
274
+
275
+ heart and confusion of thought?
276
+
277
+ Or are these bodily phenomenon produced directly by the terrifying
278
+
279
+ cause so that the emotion consists exclusively of the functional
280
+
281
+ disturbances in my body?
282
+
283
+ This is a long describing alternative way of looking at
284
+
285
+ how we start to experience the emotional event.
286
+
287
+ And in this kind of model, then the stimulus, for
288
+
289
+ example, a loaded pistol is perceived by axons of the
290
+
291
+ cerebral cortex.
292
+
293
+ That perception, in turn drives a physiological response, trembling, increased
294
+
295
+ blood pressure.
296
+
297
+ And the emotion that you experience is effectively you reading
298
+
299
+ out that visceral response with your brain.
300
+
301
+ I trembled, therefore, I am afraid.
302
+
303
+ A very popular and and still a model with some
304
+
305
+ some evidence we process it's the planted in the early
306
+
307
+ 20th century by Canon Bard who suggested that instead of
308
+
309
+ this model which seemed to be inconsistent with some of
310
+
311
+ the measurements they were making instead the stimulus, this motor
312
+
313
+ pistol may still be perceived by the action of the
314
+
315
+ cerebral cortex, but then its perception of its action in
316
+
317
+ the cerebral cortex drove two distinct pathways.
318
+
319
+ In one pathway we get the emotional response and in
320
+
321
+ the other pathway we get the physiological response.
322
+
323
+ So this is kind of a parallel description, that descriptor
324
+
325
+ of emotions and the associated physiological responses arising in parallel
326
+
327
+ circuits.
328
+
329
+ And there's some evidence for and against this hypothesis as
330
+
331
+ described here.
332
+
333
+ Finding this insufficient to describe some of the experiments of
334
+
335
+ the kind that you would only probably do in the
336
+
337
+ 1970s sector.
338
+
339
+ And seeing I came up with a slightly different way
340
+
341
+ of describing this process that is that that stimulus to
342
+
343
+ load a pistol again leads to perception again in the
344
+
345
+ cerebral cortex.
346
+
347
+ But this then drives a physiological response and there is
348
+
349
+ a contextual modulation of that and those things are read
350
+
351
+ out to provide the motion.
352
+
353
+ So for example, in the famous experiment conducted here, participants
354
+
355
+ were given an injection of adrenaline, which increases blood pressure.
356
+
357
+ And then were asked to describe their emotional state.
358
+
359
+ And some partisans describe it as being excited and aroused.
360
+
361
+ And others did not.
362
+
363
+ And it turned out that the particular label, the emotional
364
+
365
+ state that the people gave, depended on the context in
366
+
367
+ which they were provided.
368
+
369
+ That arousing steam was that increase in blood pressure.
370
+
371
+ So the blood pressure itself was actually generating.
372
+
373
+ You did seem to be reading that out as a
374
+
375
+ kind of emotional state, but the label that you attached
376
+
377
+ to it was that dependent on the context that you
378
+
379
+ found yourself in.
380
+
381
+ So this is where we found ourselves in the late
382
+
383
+ 1970s and 1980s.
384
+
385
+ Not much has changed too much because we haven't had
386
+
387
+ a huge amount of evidence to decide among these different
388
+
389
+ alternatives.
390
+
391
+ It turns out it's quite difficult to study the analysis
392
+
393
+ of emotions in the brain.
394
+
395
+ And indeed, almost all the work that we have or
396
+
397
+ the understanding that we have come from the study of
398
+
399
+ a very particular brain area, the amygdala.
400
+
401
+ And we'll be spending a lot of this lecture on
402
+
403
+ that area to give you a bit of context for
404
+
405
+ understanding the brain of the amygdala.
406
+
407
+ I need to introduce you to the limbic system hypothesis.
408
+
409
+ Has anyone come across the limbic system before?
410
+
411
+ I presume you have.
412
+
413
+ Who has not?
414
+
415
+ Is a few of you who has as a few
416
+
417
+ more of you, would someone care to describe to me
418
+
419
+ what you understand the limbic system to be?
420
+
421
+ The description on here without reading that out.
422
+
423
+ Back when you when you were talking about the Olympics
424
+
425
+ this summer, when you encountered it, what did you imagine
426
+
427
+ it to be?
428
+
429
+ Yes.
430
+
431
+ You know.
432
+
433
+ So the general idea is the limbic system is this
434
+
435
+ kind of state of something that drives your emotional states.
436
+
437
+ The kind of larger idea is that the limbic system
438
+
439
+ that's common, by the way, and if you do study
440
+
441
+ clinical psychology, you find a lot of clinical psychology still
442
+
443
+ uses this, what shall we say, simplistic description of the
444
+
445
+ brain to understand some of the descriptions that I want
446
+
447
+ to make.
448
+
449
+ The kind of larger idea is that the limbic system
450
+
451
+ seemed to evolve long ago.
452
+
453
+ It's part of the history of our evolution and that
454
+
455
+ during evolution we have supplanted or added to this limbic
456
+
457
+ system things like the cerebral cortex and the expansion of
458
+
459
+ the cerebral cortex in humans.
460
+
461
+ The idea being that this ancient reptilian brain, which has
462
+
463
+ continued to be there even as we have evolved and
464
+
465
+ added in all these other systems.
466
+
467
+ So the kind of first idea that you have sometimes
468
+
469
+ the limbic system is this is this ancient pathway or
470
+
471
+ part of the brain that evolved in reptiles and lower
472
+
473
+ animals is preserved, still is unconscious, or we have no
474
+
475
+ access or awareness of its activity, but it drives our
476
+
477
+ emotions and cognitions.
478
+
479
+ That, I think, is the kind of idea of the
480
+
481
+ limbic system that we usually have.
482
+
483
+ I think know, by the way, that the limbic system,
484
+
485
+ which is a circuit which includes the hypothalamus, anterior thalamus,
486
+
487
+ the finger gyrus and we'll get on to that in
488
+
489
+ the next slide, has over the years had things attached
490
+
491
+ to it.
492
+
493
+ So for example, the amygdala, the septum, the orbitofrontal cortex
494
+
495
+ and portions of the basal ganglia, turns out, as we
496
+
497
+ see in the next slide.
498
+
499
+ That first time that basically the limbic system now encompasses
500
+
501
+ much of the brain and I think its explanatory power
502
+
503
+ is therefore substantially reduced.
504
+
505
+ There's other reasons to think that this explanatory power is
506
+
507
+ not very strong, and that is that actually the idea
508
+
509
+ that we have evolved on top of this limbic system
510
+
511
+ is not really a correct reading of evolution.
512
+
513
+ So this is a graphical description.
514
+
515
+ By the way, I encourage you to read this article
516
+
517
+ because it has perhaps the best I've ever seen.
518
+
519
+ Your brain is not an onion with a tiny reptile
520
+
521
+ inside.
522
+
523
+ The classic view of the limbic system.
524
+
525
+ It's kind of described amber here.
526
+
527
+ The idea is that evolution is the fishes evolve into
528
+
529
+ rodents, evolve into humans, and that fishes, which have this
530
+
531
+ pronounced limbic system, which is still substantially preserved in mass
532
+
533
+ and then only slightly elaborate and then slightly inverted, sorry,
534
+
535
+ and then further elaborated in humans that this limbic system
536
+
537
+ we've inherited from this ancestor.
538
+
539
+ That's not how evolution works.
540
+
541
+ We are not so linearly related.
542
+
543
+ We are not the end product of the chain of
544
+
545
+ evolution whose goal is to create stupid human beings.
546
+
547
+ Instead, evolution is a series of parallel processes, and indeed
548
+
549
+ we diverge from the evolutionary lineage that links us with
550
+
551
+ fishes.
552
+
553
+ Before my did.
554
+
555
+ And indeed, if you look at the brains of each
556
+
557
+ of these three different species, species, humans and mice, you
558
+
559
+ actually find shared components there in all the systems more
560
+
561
+ pronounced or less pronounced in different species, but still same
562
+
563
+ components.
564
+
565
+ So the idea that this limbic system is something that
566
+
567
+ was the kind of entirety of the cognitive system of
568
+
569
+ teachers and sits there in that sort of unconscious awareness
570
+
571
+ in ourselves is not really an accurate description of evolution
572
+
573
+ nor of the brain structure of these animals or ourselves.
574
+
575
+ So for that reason, I would argue that the idea
576
+
577
+ of thinking the limbic system has only limited value.
578
+
579
+ Nevertheless, this is the limbic system and in particular the
580
+
581
+ circuit here, which you can read about in your letter.
582
+
583
+ But the idea here is that there's a circuit, as
584
+
585
+ I said before, the single cortex, the hippocampus, the hypothalamus
586
+
587
+ and the anterior thalamus missing the four words or working
588
+
589
+ together in a circuit to produce some emotional state.
590
+
591
+ This was the state of play in the 1970s, 1980s.
592
+
593
+ It's now been largely supplanted mainly by studying particular brain
594
+
595
+ areas such as the amygdala.
596
+
597
+ And and we'll go through that in the next set
598
+
599
+ of the lecture.
600
+
601
+ Before I get on to that, I just want to
602
+
603
+ make a digression into understanding emotions through emotional phases, because
604
+
605
+ most of us communicate our emotions through our facial expressions,
606
+
607
+ and most of us understand the emotions of others by
608
+
609
+ looking at this facial expressions.
610
+
611
+ This seems to be the major route through which we
612
+
613
+ communicate emotions, and also animals can also recognise and communicate
614
+
615
+ emotions through similar facial expressions.
616
+
617
+ Turns out that you can actually train computer programs to
618
+
619
+ recognise categorise very accurately the emotions that people might be
620
+
621
+ experiencing by simply reading the visual image of their face.
622
+
623
+ This was now a few years ago.
624
+
625
+ This particular one technology is substantially improved, but effectively the
626
+
627
+ kinds of neural networks that bound artificial intelligence that are
628
+
629
+ bound in our world now are quite capable of using
630
+
631
+ images of you through your video camera and your computer
632
+
633
+ or your phone to read, or at least try and
634
+
635
+ classify your emotional state.
636
+
637
+ And they do this, unfortunately, very accurately, not always accurately,
638
+
639
+ but pretty accurately.
640
+
641
+ That is, there is a set of facial configurations that
642
+
643
+ we all seem to share when we experience certain emotions.
644
+
645
+ We've actually known that for a long time.
646
+
647
+ It's these lovely photos doing the work of Titian in
648
+
649
+ the mid 19th century who discovered one of the very
650
+
651
+ first uses of electricity in experimental science discovered that you
652
+
653
+ can actually create facial expressions on individuals simply by stimulating
654
+
655
+ particular groups of muscles on the face.
656
+
657
+ So these in this picture here, this is Dustin.
658
+
659
+ Again, we don't really do experiments like this anymore, unfortunately.
660
+
661
+ Maybe.
662
+
663
+ But these are little electrical stimulating devices being attached to
664
+
665
+ the muscles.
666
+
667
+ I told you many lectures ago, the muscles of the
668
+
669
+ other electrically excitable cell in the body of the nerve
670
+
671
+ cells.
672
+
673
+ And it turns out that by passing current into muscles,
674
+
675
+ we cause them to contract.
676
+
677
+ And if we cause these contractions in particular muscle groups
678
+
679
+ in the face, we can provide these things that look
680
+
681
+ like almost realistic expressions, fear, smiles, etc..
682
+
683
+ The point I want you to take from this is
684
+
685
+ that the organisation of the facial muscles seems to be
686
+
687
+ such that it simplifies and allows expression of emotion through
688
+
689
+ expressions.
690
+
691
+ We seem to have developed our face muscles for that
692
+
693
+ purpose.
694
+
695
+ Sometime later, Ekman and colleagues discovered that there was actually
696
+
697
+ a proposal and then provided evidence for the hypothesis that
698
+
699
+ there are actually universal emotional faces that we can all
700
+
701
+ recognise, and that we may all just claim that largely
702
+
703
+ the these emotional faces, the six faces.
704
+
705
+ So the universally accepted is universal and another couple that
706
+
707
+ are more controversial.
708
+
709
+ If you look at these posed actor that faces anger,
710
+
711
+ fear, disgust, surprise, happiness, sadness.
712
+
713
+ You should or maybe not, but you should probably recognise
714
+
715
+ the same expressions and the emotions in those expressions in
716
+
717
+ work that my wife just published actually yesterday in the
718
+
719
+ Proceedings of the National Academy of Sciences.
720
+
721
+ She challenges this distinction.
722
+
723
+ Turns out that actually these posed acted out expressions are
724
+
725
+ not very good ways of testing, emotional recognition, and that
726
+
727
+ if we allow each other to evolve the expressions in
728
+
729
+ images, devolve the expressions that we think relate to anger
730
+
731
+ or fear or sadness.
732
+
733
+ It turns out we can evolve very divergent expressions.
734
+
735
+ There is many commonalities, but there's a lot of differences
736
+
737
+ such that two individual people may recognise the one face,
738
+
739
+ for example, this one here as two different emotions fear
740
+
741
+ or surprise might be.
742
+
743
+ However, the reason that Ackman's work became so popular and
744
+
745
+ influential is that these studies conducted in groups of people
746
+
747
+ who had had limited cultural contact with other parts of
748
+
749
+ the world.
750
+
751
+ In this case, the tribesmen of Papua New Guinea, a
752
+
753
+ small island just north of the Queensland in Australia, very
754
+
755
+ densely vegetated, a lot of hills and valleys.
756
+
757
+ A number of tribes within them who had had very,
758
+
759
+ very limited contact with any part of the Western world,
760
+
761
+ even in the 1970s.
762
+
763
+ And this famous study sought to see whether or not
764
+
765
+ the facial expressions they produce were similar to those that
766
+
767
+ we in the West might produce for similar kinds of
768
+
769
+ emotional states.
770
+
771
+ And the conclusion was that they were indeed suggesting that
772
+
773
+ it's not just about cultural conformity or spread of between
774
+
775
+ different cultures.
776
+
777
+ That leads us to a commonality in our facial expressions
778
+
779
+ and emotions, but actually that these are something innate, all
780
+
781
+ inbuilt in humans.
782
+
783
+ If we try to put these universal of emotions on
784
+
785
+ that axis of arousal and violence that we described earlier,
786
+
787
+ we find that actually, somewhat surprisingly, almost all of them
788
+
789
+ are associated with higher arousal.
790
+
791
+ I'm not exactly sure why this is.
792
+
793
+ I have a feeling that these emotions that I'm feeling,
794
+
795
+ the emotions that are associated with high arousal that are
796
+
797
+ most important for us to communicate and for us to
798
+
799
+ respond to.
800
+
801
+ It also turns out that the way that we make
802
+
803
+ these expressions depends on somewhat different brain systems, or at
804
+
805
+ least a couple of different brain systems.
806
+
807
+ That's, well, well-established in looking at people with small brain
808
+
809
+ lesions in appropriate parts of the brain.
810
+
811
+ And you can see here the two types of emotional
812
+
813
+ paralysis that you can see in people with these small
814
+
815
+ lesions, one brain called facial motor paralysis, that's one on
816
+
817
+ the left here.
818
+
819
+ The other emotional motor paralysis and emotional motor paralysis.
820
+
821
+ People have very much difficulty forming the actual expression associated
822
+
823
+ with an emotion.
824
+
825
+ In face of murder paralysis.
826
+
827
+ Since dead people have difficulty in forming emotions if they
828
+
829
+ are asked to generate that emotion without the appropriate stimulus.
830
+
831
+ Whereas if they had provided an appropriate stimulus, they can
832
+
833
+ actually produce a smile.
834
+
835
+ And the inference from this work is that there's two
836
+
837
+ strains of facial emotion, a volitional system and law of
838
+
839
+ Matic system.
840
+
841
+ And the automatic system is one that includes the hypothalamus,
842
+
843
+ the amygdala in the frontal cortex, i.e. the limbic system
844
+
845
+ or its components.
846
+
847
+ So I want to introduce that because this is the
848
+
849
+ normal way that we trying to out someone else's emotional
850
+
851
+ state is to look at the facial expressions or to
852
+
853
+ communicate.
854
+
855
+ The emotional state is through that.
856
+
857
+ And we're going to spend a little bit of time
858
+
859
+ in the next part of the lecture going through some
860
+
861
+ of the mechanisms that might be important in trying to
862
+
863
+ bring these two things together the recognition of textual emotions
864
+
865
+ and the production of emotion through responses.
866
+
867
+ So we mentioned the amygdala before.
868
+
869
+ It's part of the enlarged to kind of larger limbic
870
+
871
+ system, not the original one.
872
+
873
+ It was actually discovered in the late 1930s, early 1940s
874
+
875
+ by Coover and Bucy, who did some experiments on monkeys
876
+
877
+ in which they removed large fractions of the temporal lobes.
878
+
879
+ And they discovered very complex behavioural changes in these animals,
880
+
881
+ including noses, sexuality, inappropriate eating and the lack of fluency
882
+
883
+ in the constellation of these symptoms is often called Clifford
884
+
885
+ syndrome.
886
+
887
+ Now these were very large lesions appropriate to the surgical
888
+
889
+ techniques at the time.
890
+
891
+ It took several decades before more improved surgical techniques could
892
+
893
+ remove smaller parts of the brain.
894
+
895
+ And asked the same kind of questions.
896
+
897
+ And indeed, it was Larry Weiss Prince, who's a very
898
+
899
+ famous and important neurosurgeon, who discovered that by removing a
900
+
901
+ little bit of the brain called the amygdala, amygdala means
902
+
903
+ almond.
904
+
905
+ So it's an almond shaped part of the brain.
906
+
907
+ But by removing this component, you could reproduce the emotional
908
+
909
+ symptoms that these animals had experienced.
910
+
911
+ So this part of the brain, the amygdala from then
912
+
913
+ on became a very much of the focus for trying
914
+
915
+ to understand how emotions are represented in the brain.
916
+
917
+ The other paradigm I want to introduce you to is
918
+
919
+ that that's been popularised by Joe LeDoux.
920
+
921
+ Joe to do is at New York University.
922
+
923
+ He developed and continues to use this paradigm called conditioned
924
+
925
+ fear.
926
+
927
+ Now.
928
+
929
+ I saw Joe.
930
+
931
+ I invited Joe to give a lecture once, and at
932
+
933
+ the end of the lecture, I'm about to describe to
934
+
935
+ you the condition of the part.
936
+
937
+ On the end of the lecture, someone asked, Have you
938
+
939
+ ever thought of doing another type of experiment rather than
940
+
941
+ this conditioned fear?
942
+
943
+ And his answer was briefly, no.
944
+
945
+ He said no.
946
+
947
+ And I get asked that question all the time.
948
+
949
+ The reason I like this paradigm and why I continue
950
+
951
+ to use it is that I can predict now the
952
+
953
+ experience of every animal.
954
+
955
+ I don't need to do the actual behavioural experiment any
956
+
957
+ more.
958
+
959
+ This is such a reproducible behavioural experience experiment that it's
960
+
961
+ no longer necessary to conduct experiments on animals to actually
962
+
963
+ look at the behaviour itself.
964
+
965
+ You can just assume that that is what would have
966
+
967
+ happened and conduct other measurements that would look at the
968
+
969
+ neuroscience involved in that.
970
+
971
+ But conditioned fear in paradigms in love cells which are
972
+
973
+ incredibly powerful, are very simple.
974
+
975
+ The basic idea is to put an animal, a rat
976
+
977
+ usually, or a mouse in a little box, and that
978
+
979
+ box will have a little grid on the floor and
980
+
981
+ a little speaker on the wall.
982
+
983
+ And through the grid, you can pass the small amount
984
+
985
+ of current that's aversive to the animal, although not actually
986
+
987
+ painful.
988
+
989
+ And if you put current through that grid, the animal
990
+
991
+ will generally freeze.
992
+
993
+ It's an aversive stimulus, a potentially threatening stimulus.
994
+
995
+ Now, if you play the sound in of itself before
996
+
997
+ you without pairing it with that electric stroke, the animal
998
+
999
+ generally maybe the first time and he was like, what
1000
+
1001
+ the hell is going on there?
1002
+
1003
+ But very rapidly habituate and then ignores the sound because
1004
+
1005
+ it's a neutral, unthreatening stimulus.
1006
+
1007
+ However, if you pair or associate that sound with the
1008
+
1009
+ electric shock over several trials, the animals then replay the
1010
+
1011
+ sound by itself.
1012
+
1013
+ The animal is now displays just the reactions that it
1014
+
1015
+ would have otherwise displayed to the electric shock.
1016
+
1017
+ In other words, it freezes.
1018
+
1019
+ So this is a condition.
1020
+
1021
+ It's a classic paradigm.
1022
+
1023
+ It's been used to elucidate the role of the media.
1024
+
1025
+ It's not necessary to do this only in mice or
1026
+
1027
+ rats.
1028
+
1029
+ You can also do this in humans.
1030
+
1031
+ I love this video.
1032
+
1033
+ I'm dying to know.
1034
+
1035
+ That we have.
1036
+
1037
+ Period of classical conditioning I'm trying to get.
1038
+
1039
+ This will be the same thing.
1040
+
1041
+ And then I've got experience with this.
1042
+
1043
+ We learn the relationship.
1044
+
1045
+ Between a sounds and it's got more of a super.
1046
+
1047
+ Duper so that we can take for are going to
1048
+
1049
+ look like that.
1050
+
1051
+ Mastery works so you don't need to use rats.
1052
+
1053
+ You can use humans.
1054
+
1055
+ Let down some ethics people.
1056
+
1057
+ Okay.
1058
+
1059
+ So this.
1060
+
1061
+ Yes, it's a very good question.
1062
+
1063
+ And actually fear is the wrong this is what's what.
1064
+
1065
+ The conversation goes around every about ten or 15 years.
1066
+
1067
+ We just keep on going around the circles.
1068
+
1069
+ The question is, is there an emotional response or is
1070
+
1071
+ the animal responding to the potential threat?
1072
+
1073
+ Okay, so distinguishing between those two hypotheses is almost impossible.
1074
+
1075
+ So there's a subjective ness to fear as a concept
1076
+
1077
+ that we can't explore in a rat.
1078
+
1079
+ So this goes around and around.
1080
+
1081
+ Is is fear simply described as a response to a
1082
+
1083
+ threat or is it something in addition to that?
1084
+
1085
+ And unfortunately, there's been no resolution of that particular discussion.
1086
+
1087
+ You do know that the animal is exhibiting all the
1088
+
1089
+ signs of having had of of experiencing a potential threat.
1090
+
1091
+ Now, whether that is associated with fear in and of
1092
+
1093
+ itself is another question.
1094
+
1095
+ So it is a good question and unresolved still.
1096
+
1097
+ And it goes around this discussion goes around in the
1098
+
1099
+ in the field every ten or 15 years because it
1100
+
1101
+ threatens the threat of external stimuli.
1102
+
1103
+ So the internal response.
1104
+
1105
+ So the amygdala is central to to, as Joe has
1106
+
1107
+ worked so extensively, is essential to understanding this responses they
1108
+
1109
+ may do is actually have quite a complicated nucleus.
1110
+
1111
+ It's consists of at least 13 subdivisions.
1112
+
1113
+ We tend to ignore all of them except for two
1114
+
1115
+ or three.
1116
+
1117
+ The two or three that we're usually interested in, the
1118
+
1119
+ lateral nucleus, the basal nucleus and the central nucleus.
1120
+
1121
+ Usually, indeed, we actually ignore the base of the nucleus
1122
+
1123
+ and just think of the lateral, the central nucleus.
1124
+
1125
+ The lateral nucleus is where all this sensory input comes
1126
+
1127
+ into the amygdala from the cerebral cortex and from other
1128
+
1129
+ parts of the brain.
1130
+
1131
+ And central nucleus is the output of the one that
1132
+
1133
+ goes in control.
1134
+
1135
+ The physiological responses.
1136
+
1137
+ There are other outputs from amygdala, from the other parts
1138
+
1139
+ of it, which instead of controlling physiological responses, actually project
1140
+
1141
+ back to, for example, the cerebral cortex.
1142
+
1143
+ And we'll go through that briefly at the end in
1144
+
1145
+ humans, the images found around here.
1146
+
1147
+ In rats.
1148
+
1149
+ It's a slightly different location.
1150
+
1151
+ So this schematic turns the outcome of two or three
1152
+
1153
+ decades of work from Joe and others, which tells how
1154
+
1155
+ you might generate this condition.
1156
+
1157
+ Fear response.
1158
+
1159
+ We think of the condition stimulus as a sound stimulus.
1160
+
1161
+ It's conditioned because it's otherwise neutral, and then it gets
1162
+
1163
+ conditioned and then there's an unconditioned stimulus or us, which
1164
+
1165
+ is the future.
1166
+
1167
+ It's unconditioned.
1168
+
1169
+ In other words, the response to that stimulus is an
1170
+
1171
+ innate response is an instinctive response you don't have to
1172
+
1173
+ associate to get that response.
1174
+
1175
+ If you play the conditioned stimulus and the unconditioned stimulus
1176
+
1177
+ together, sound and food shock, the signals from these two
1178
+
1179
+ things are coming through the auditory pathway and through the
1180
+
1181
+ similar sensory pathways.
1182
+
1183
+ And these signals converge at the level of the lateral
1184
+
1185
+ nucleus in the amygdala.
1186
+
1187
+ So you have sound inputs coming through, somatic sensory inputs
1188
+
1189
+ coming through together.
1190
+
1191
+ These can now work together to find mechanisms of synaptic
1192
+
1193
+ plasticity to now convert that or allow that sound stimulus
1194
+
1195
+ to cause the same physiological response to the unconditioned stimulus
1196
+
1197
+ would have otherwise.
1198
+
1199
+ And then that output is then provided by the central
1200
+
1201
+ nutrients.
1202
+
1203
+ Now, you'll note here that there's actually several potential sources
1204
+
1205
+ of input to the amygdala, including the cerebral cortex, but
1206
+
1207
+ also subcortical areas such as Solomon's.
1208
+
1209
+ And it turns out that that's quite important for understanding
1210
+
1211
+ some of the reactions that we animals have to people
1212
+
1213
+ or other threatening stimuli.
1214
+
1215
+ So, for example, one of the early studies from Joe
1216
+
1217
+ showed that auditory cortex was not required for responding in
1218
+
1219
+ this condition fear, paranoia.
1220
+
1221
+ So if you remember before, when we were talking about
1222
+
1223
+ versus theories of emotional response, the idea was that you
1224
+
1225
+ perceive the stimulus with your cerebral cortex, and then that
1226
+
1227
+ generates that cascades through into other events.
1228
+
1229
+ What does work started is that at least in rodents
1230
+
1231
+ and as we'll see in a minute or so in
1232
+
1233
+ humans.
1234
+
1235
+ You don't need the cerebral cortex to respond to these
1236
+
1237
+ threatening events, suggesting that some of these threatening events could
1238
+
1239
+ be communicated to the amygdala via pathways that have no
1240
+
1241
+ access to perception or cognition themselves that are below the
1242
+
1243
+ level of awareness.
1244
+
1245
+ The particular experiments here were to lesion the bit to
1246
+
1247
+ the auditory cortex of the retinas, the way the auditory
1248
+
1249
+ cortex is in the rat.
1250
+
1251
+ And then to put them in this condition fear paradigm
1252
+
1253
+ and to measure several variables, including the freezing response, but
1254
+
1255
+ also things like blood pressure increases and so forth, and
1256
+
1257
+ become long story short.
1258
+
1259
+ Effectively, all the components of the threat, response or fear
1260
+
1261
+ response in rats were preserved in those animals that had
1262
+
1263
+ auditory cortex and didn't have auditory cortex.
1264
+
1265
+ In other words, cortex was not required for the animals
1266
+
1267
+ to exhibit this condition.
1268
+
1269
+ Fear that suggests that subcortical pathways are sufficient.
1270
+
1271
+ And indeed, the dominant hypothesis from Joe and others now
1272
+
1273
+ is that there are two votes for sensory input to
1274
+
1275
+ the amygdala.
1276
+
1277
+ One that goes through the thalamus and one that goes
1278
+
1279
+ through the cerebral cortex.
1280
+
1281
+ So for example, in human brain, the visual thalamus is
1282
+
1283
+ here, this blue blob.
1284
+
1285
+ The visual cortex is here.
1286
+
1287
+ The back of the brain and the amygdala.
1288
+
1289
+ It's here down the temporal lobe.
1290
+
1291
+ There are some either direct or indirect inputs from the
1292
+
1293
+ thalamus to the media, as well as inputs from the
1294
+
1295
+ visual cortex, but indirect and direct.
1296
+
1297
+ And the idea here is the central idea here is
1298
+
1299
+ that for some kinds of stimuli that you need, a
1300
+
1301
+ rapid response to those stimuli might be included in this
1302
+
1303
+ pathway that simply requires the farmers.
1304
+
1305
+ So, for example, snakes on a path in front of
1306
+
1307
+ you, you don't want to hit this guy.
1308
+
1309
+ It was like a snake.
1310
+
1311
+ Maybe it's a tiger snake round snake.
1312
+
1313
+ Instead, you want to get out of the way.
1314
+
1315
+ Actually, literally, you should freeze.
1316
+
1317
+ Many people try to get out of the way, but
1318
+
1319
+ if you get out of the way, they'll come for
1320
+
1321
+ you actually should just freeze.
1322
+
1323
+ That's one of the life tips you learn in Australia.
1324
+
1325
+ So the snake is there.
1326
+
1327
+ Maybe the signals for the snake were actually passed through
1328
+
1329
+ this thalamic pathway, this rapid pathway, the middle rather than
1330
+
1331
+ through the cerebral cortex, requires a perception that you can
1332
+
1333
+ react to that snake without actually having perceived it yourself.
1334
+
1335
+ It's sometimes called the high road and the low road,
1336
+
1337
+ the low road from the thalamus to move to the
1338
+
1339
+ highway through the sensory cortex.
1340
+
1341
+ And that's basically what I've just told you.
1342
+
1343
+ In humans, there is some evidence, as in rodents, there
1344
+
1345
+ is some evidence that the pathways are sufficient to activate
1346
+
1347
+ the amygdala.
1348
+
1349
+ This is a fascinating study of a person with blind
1350
+
1351
+ sight.
1352
+
1353
+ We discussed neglect, a couple of lecture lectures, go blind
1354
+
1355
+ sites of different phenomena.
1356
+
1357
+ If you lose part of your central cortex, you become
1358
+
1359
+ blind spot that you're not unaware of something like this.
1360
+
1361
+ You neglecting something be actually, at least according to people
1362
+
1363
+ who have these lesions you experience as an absence, a
1364
+
1365
+ blackness.
1366
+
1367
+ Basically in the US, in that part of the visual
1368
+
1369
+ world, people with lesions, the visual cortex report not being
1370
+
1371
+ able to perceive anything in the appropriate part of the
1372
+
1373
+ visual world.
1374
+
1375
+ So, for example, if your lesion on the left part
1376
+
1377
+ of your visual cortex, you won't see anything on the
1378
+
1379
+ right path of your visual field.
1380
+
1381
+ Nevertheless, people with these lesions can still respond appropriately, sometimes
1382
+
1383
+ to visual objects presented in that blind part of the
1384
+
1385
+ visual field.
1386
+
1387
+ A fascinating phenomena.
1388
+
1389
+ For example, they can actually navigate through obstacles in a
1390
+
1391
+ corridor or tell or actually respond reliably and see what
1392
+
1393
+ orientation opinions operate or mind to assign.
1394
+
1395
+ In addition, if you put someone in the scanner and
1396
+
1397
+ MRI scanner and conduct measurements whilst this person's images in
1398
+
1399
+ this case facial images of facial expressions, you can find
1400
+
1401
+ that in this part of the brain where the least
1402
+
1403
+ means this is a simple cortex is lesion.
1404
+
1405
+ The image was nevertheless activated by in this case, people
1406
+
1407
+ faces.
1408
+
1409
+ So for some reason or some pathway that bypasses visual
1410
+
1411
+ cortex, the primary visual cortex allows people to actually get
1412
+
1413
+ see moving to the Middle East.
1414
+
1415
+ Similarly, in humans with an intact amygdala, you can do
1416
+
1417
+ experiments such as backward masking this as you rapidly present
1418
+
1419
+ a stimulus and mask it with noise.
1420
+
1421
+ People report not being able to see the stimulus that
1422
+
1423
+ was presented briefly present a stimulus.
1424
+
1425
+ Turns out if you do that and you construct the
1426
+
1427
+ stimulus appropriately, you can find different.
1428
+
1429
+ You can find responses in the amygdala in mind that
1430
+
1431
+ seem to resemble fearful faces.
1432
+
1433
+ This is also evidence that you do not need perception
1434
+
1435
+ or cognition to actually activate.
1436
+
1437
+ So this is evidence that even in humans, as in
1438
+
1439
+ rats, there is some subcortical pathways as well as cortical
1440
+
1441
+ pathways.
1442
+
1443
+ And indeed, if you look at facial mimicry, when we
1444
+
1445
+ see people make expressions, we tend to make those expressions
1446
+
1447
+ ourselves.
1448
+
1449
+ That's called facial mimicry.
1450
+
1451
+ You find that facial mimicry is intact in people with
1452
+
1453
+ blind side.
1454
+
1455
+ Again, further evidence that you don't need to perceive things
1456
+
1457
+ to be able to detect and respond to emotions.
1458
+
1459
+ There is some.
1460
+
1461
+ Caveats.
1462
+
1463
+ This thing you should be aware of.
1464
+
1465
+ For example, there are very few people in the world
1466
+
1467
+ who have had lesions to the amygdala in the one
1468
+
1469
+ or two cases that have been studied does not seem
1470
+
1471
+ that this is 100% necessary to respond to emotions.
1472
+
1473
+ But bear in mind, as we talk about methods lecture
1474
+
1475
+ that people with lesions can find compensatory pathways and things
1476
+
1477
+ do change.
1478
+
1479
+ So it's not clear whether or not these kinds of
1480
+
1481
+ responses are true in intact humans.
1482
+
1483
+ I want to spend a couple of minutes just illustrating
1484
+
1485
+ to you that these emotional networks, such as the amygdala,
1486
+
1487
+ impact not only the physiological output, but also other cognitive
1488
+
1489
+ processing in the brain.
1490
+
1491
+ It turns out actually, that the amygdala is either directly
1492
+
1493
+ or indirectly connected to a huge amount of the brain
1494
+
1495
+ striatum prefrontal cortex, medial temporal lobe, cerebellum, pixabay neocortex, etc.
1496
+
1497
+ There's plenty of opportunity for the amygdala to guide our
1498
+
1499
+ cognition via emotional responses, in instance of time.
1500
+
1501
+ Because I would just like to introduce something for a
1502
+
1503
+ few minutes at the end of this lecture.
1504
+
1505
+ I'll skip over these two little slides, but you can
1506
+
1507
+ go back to look at them at your leisure.
1508
+
1509
+ I want to focus on this one, which describes an
1510
+
1511
+ experiment that could have already really been done once or
1512
+
1513
+ twice in our history.
1514
+
1515
+ As you all know, on September the 11th, 2001, perhaps
1516
+
1517
+ before you were born, the Twin Towers in New York,
1518
+
1519
+ the World Trade Centre, were destroyed in a terrorist attack.
1520
+
1521
+ This was a very emotional experience for many people.
1522
+
1523
+ My wife, for example, was based in New York University
1524
+
1525
+ at the time.
1526
+
1527
+ She stood on the top of the building and watched
1528
+
1529
+ those towers come down.
1530
+
1531
+ She still remembers that day very clearly.
1532
+
1533
+ The question that was asked in these experiments by researchers
1534
+
1535
+ whose prioritisation might be slightly strange was the day after
1536
+
1537
+ 2001 researchers in Duke University.
1538
+
1539
+ Contact of Duke students.
1540
+
1541
+ The Duke is not New York itself.
1542
+
1543
+ Nevertheless, everyone of us was kind of watching these these
1544
+
1545
+ attacks and ask very simple questions.
1546
+
1547
+ Do you remember what do you remember about the events
1548
+
1549
+ on September 11th?
1550
+
1551
+ And what do you remember about other unrelated events?
1552
+
1553
+ The idea is that these events on September 11th might
1554
+
1555
+ be associated with flashbulb memories, things that are emotionally salient.
1556
+
1557
+ And the question is, do these emotionally salient events last
1558
+
1559
+ longer than nonstate ones, and do they have different content,
1560
+
1561
+ the most salient ones?
1562
+
1563
+ The answer to the first question is yes.
1564
+
1565
+ They seem to be more vivid for longer than non
1566
+
1567
+ emotionally salient events.
1568
+
1569
+ So these on this graph on the left here for
1570
+
1571
+ 224 days after September 11th, these ratings were made, some
1572
+
1573
+ people for September 11th or other events.
1574
+
1575
+ You can see that the vividness for the subjective experience
1576
+
1577
+ of remembering events around September 11th was much greater than
1578
+
1579
+ that for other events, suggesting that emotion colours, memory, makes
1580
+
1581
+ things vivid, makes things more memorable.
1582
+
1583
+ On the other hand, the actual number of details that
1584
+
1585
+ we were able those people were able to remember about
1586
+
1587
+ the 11th and other events didn't seem to be much
1588
+
1589
+ different.
1590
+
1591
+ So what's the vividness and therefore importance of that memory
1592
+
1593
+ for people was higher.
1594
+
1595
+ The actual structure, the clarity of that memory was not
1596
+
1597
+ necessarily higher.
1598
+
1599
+ This has importance for understanding things like, for example, eyewitness
1600
+
1601
+ testimony.
1602
+
1603
+ So what I wanted to bring you here is that
1604
+
1605
+ clearly emotion does colour memory does it in complex ways.
1606
+
1607
+ Does this suggest that those circuits within the amygdala and
1608
+
1609
+ similar structures influence aspects of the hippocampus and other formation?
1610
+
1611
+ The final slide I want to show you simply reinforces
1612
+
1613
+ that by looking at some imaging studies.
1614
+
1615
+ But I will just mean the time link to go
1616
+
1617
+ through that yourself.
1618
+
1619
+ Q Would you like to just come down and help
1620
+
1621
+ people understand what we want you to do during your
1622
+
1623
+ reading week?
1624
+
1625
+ So thanks for that.
1626
+
1627
+ I hope we've both understood it.
1628
+
1629
+ Something about emotions and the brain.
1630
+
1631
+ I can't tell you about life, but we can tell
1632
+
1633
+ you about one of those things anyway, right?
1634
+
1635
+ Q Do.
1636
+
1637
+ You think you're going to find something to that.
1638
+
1639
+ Effect?
1640
+
1641
+ I don't think.
1642
+
1643
+ So, but I'm just going to take us through the
1644
+
1645
+ process of feedback for this module.
1646
+
1647
+ Before I do that, I just would like to take
1648
+
1649
+ on you had this lecture and it could take good
1650
+
1651
+ care of your brain and your amygdala otherwise ends up
1652
+
1653
+ in lots of dangerous situations.
1654
+
1655
+ Has anyone seen Die Another Day?
1656
+
1657
+ Great James Bond film from the mid-nineties.
1658
+
1659
+ Robert Carlyle.
1660
+
1661
+ Okay, can watch that.
1662
+
1663
+ Yeah.
1664
+
1665
+ So the best thing most I think if we see
1666
+
1667
+ one of these patients who has no MC to their
1668
+
1669
+ fitness emerges loving, playing dangerous snakes and tarantulas and whatever,
1670
+
1671
+ there's there's this lack of inhibition and we'll be picking
1672
+
1673
+ up that topic in lectures following this.
1674
+
1675
+ And the memory system is sound is just getting onto
1676
+
1677
+ memory at the end there.
1678
+
1679
+ And we'll be looking at methods where they've been able
1680
+
1681
+ to implant false memories into rats brains, where they can
1682
+
1683
+ turn on the memory, the flash of light, using that
1684
+
1685
+ fear conditioning approach and make rats afraid of places that
1686
+
1687
+ are completely normal, but they've just inserted false memories.
1688
+
1689
+ So we'll come back to that as the great play
1690
+
1691
+ into that memory circuits.
1692
+
1693
+ So this is the Moodle page for the module.
1694
+
1695
+ Just highlighting that we think is yeah.
1696
+
1697
+ The different modes.
1698
+
1699
+ You can do it.
1700
+
1701
+ It's fantastic.
1702
+
1703
+ Exactly.
1704
+
1705
+ Because a lot of hidden material behind the lectures.
1706
+
1707
+ Okay, so there's a keep in touch and we've been
1708
+
1709
+ able to look.
1710
+
1711
+ At these.
1712
+
1713
+ Questions here and we put announcements there and we've got
1714
+
1715
+ questions.
1716
+
1717
+ People have put in great questions and we'll try to
1718
+
1719
+ respond to those through the announcements page.
1720
+
1721
+ This is for general questions.
1722
+
1723
+ If something comes to you and you want to ask
1724
+
1725
+ a general question about the course, feel free to throw
1726
+
1727
+ a question into that for each the each of the
1728
+
1729
+ weeks from, let's say further onwards is a a at
1730
+
1731
+ the end of this fits with this class times is
1732
+
1733
+ reading and there.
1734
+
1735
+ Are.
1736
+
1737
+ Questions about lectures to feel free against remind everyone if
1738
+
1739
+ you have a question that pops up after reading maybe
1740
+
1741
+ in the middle of reading week or reading material and
1742
+
1743
+ you think, Oh, looking back at lectures for next week
1744
+
1745
+ for don't post the question in to that.
1746
+
1747
+ I will respond to that.
1748
+
1749
+ We'll see these.
1750
+
1751
+ But really today is the highlight right at the end
1752
+
1753
+ is a now exceptional have you would say and we'd
1754
+
1755
+ like to get your feedback through the key to have
1756
+
1757
+ this continuous module dialogue you still loves acronyms C and
1758
+
1759
+ D approach to the.
1760
+
1761
+ Module and.
1762
+
1763
+ There is now a link to a mental page where
1764
+
1765
+ you can go, I want to go.
1766
+
1767
+ Now.
1768
+
1769
+ Yeah.
1770
+
1771
+ It needs to work.
1772
+
1773
+ So it's currently sitting in there.
1774
+
1775
+ It's still running, but it needs to be updated.
1776
+
1777
+ So after this lecture we'll get that functioning.
1778
+
1779
+ If you can go in and answer the questions.
1780
+
1781
+ Have you understood things?
1782
+
1783
+ How do you say what are the things for this
1784
+
1785
+ course?
1786
+
1787
+ Is that within this large room there are people from
1788
+
1789
+ psychology, so you might have different perspectives to people inside
1790
+
1791
+ psychology.
1792
+
1793
+ It may be useful to get your reflections on this
1794
+
1795
+ module compared to other modules you're setting, but it will
1796
+
1797
+ be all of the questions.
1798
+
1799
+ And that means that you can go in and access
1800
+
1801
+ from that link.
1802
+
1803
+ In a couple of weeks we'll have another mentor as
1804
+
1805
+ you going forwards, more CMC approach, more, more feedback from
1806
+
1807
+ you and at the end, surprise, surprise, another mentee page
1808
+
1809
+ for feedback.
1810
+
1811
+ If you're in any module and I'm sure you're used
1812
+
1813
+ to filling out these mentees, but we'd love to hear
1814
+
1815
+ from you.
1816
+
1817
+ We've had great we've had some useful suggestions on the
1818
+
1819
+ page and we'll keep collecting that.
1820
+
1821
+ Thank you for all your attendance and enjoying the module.
1822
+
1823
+ We'll see you next week.
1824
+
1825
+ So there is a lot of great work to do,
1826
+
1827
+ but a lot.
1828
+
1829
+ Great.
1830
+
1831
+ It's a really good question.
1832
+
1833
+ It's pretty pretty.
1834
+
1835
+ Hard to talk about what's.
1836
+
1837
+ Going to.
1838
+
1839
+ Happen next week.
1840
+
1841
+ Right.
1842
+
1843
+ That's because.
1844
+
1845
+ It doesn't make.
1846
+
1847
+ Sense to.
1848
+
1849
+ Keep people from actually able to pick up the phone
1850
+
1851
+ call for a living.
1852
+
1853
+ Record the next.
1854
+
1855
+ It's hard to record the next question.
1856
+
1857
+ I found it on the floor of someone to drop
1858
+
1859
+ it so we can hand it.
1860
+
1861
+ To the psychology man office or.
1862
+
1863
+ The main.
1864
+
1865
+ Office.
1866
+
1867
+ That's the most likely outcome.
1868
+
1869
+ Of that discussion.
1870
+
1871
+ Yeah, I could just make an announcement.
1872
+
1873
+ I mean.
1874
+
1875
+ Although if anybody's lost a phone, we found a mobile
1876
+
1877
+ phone.
1878
+
1879
+ Here, We'll put it in the reception's.
1880
+
1881
+ If anybody is walking out and somebody is running back.
1882
+
1883
+ That phone will be in the reception for the building.
1884
+
1885
+ I mean.
1886
+
1887
+ Maybe not so lucky for people who.
1888
+
1889
+ Would.
1890
+
1891
+ Like.
1892
+
1893
+ To see.
1894
+
1895
+ Different things.
1896
+
1897
+ I do.
1898
+
1899
+ Think.
1900
+
1901
+ That it's tricky because it's the only way for people
1902
+
1903
+ to think that.
1904
+
1905
+ That's pretty cool.
1906
+
1907
+ I think.
1908
+
1909
+ That's absolutely.
1910
+
1911
+ Great.
1912
+
1913
+ School teaching is not acceptable.
1914
+
1915
+ I think things like that.
1916
+
1917
+ Very nice to talk to you for a few hours
1918
+
1919
+ because sometimes it's a part of the whole.
1920
+
1921
+ I want to get some stuff because I don't care
1922
+
1923
+ about 15 minutes per 100,000 people.
1924
+
1925
+ Because.
1926
+
1927
+ People trying to get me to actually try to keep
1928
+
1929
+ something that's interesting because I'm focusing.
1930
+
1931
+ On you to.
1932
+
1933
+ Come to.
1934
+
1935
+ You.
1936
+
1937
+ Normally you have to start.
1938
+
1939
+ To.
1940
+
1941
+ Some of.
1942
+
1943
+ These private firms to pick these people.
1944
+
1945
+ You can.
1946
+
1947
+ Make more people want.
1948
+
1949
+ To let go.
1950
+
1951
+ Why not?
1952
+
1953
+ Well, that's.
1954
+
1955
+ How.
1956
+
1957
+ It lots of things.
1958
+
1959
+ You can.
1960
+
1961
+ Do about that perspective.
1962
+
1963
+ Because unfortunately, it's impossible to get people to look at.
1964
+
1965
+ What's going on here.
1966
+
1967
+ Yeah, we get really we.
1968
+
1969
+ Get feedback to people about the course of events, just
1970
+
1971
+ everything updates and you can put that in as a
1972
+
1973
+ feedback you'd like.
1974
+
1975
+ Stephen That's what I'd like to say.
1976
+
1977
+ A lot of.
1978
+
1979
+ Students don't want to understand that either, but apparently the
1980
+
1981
+ feedback from.
1982
+
1983
+ Feedback.
1984
+
1985
+ That might.
1986
+
1987
+ Be difficult.
1988
+
1989
+ For the general nominee is that people get a quick
1990
+
1991
+ look at time frames when this happens, but that's a.
1992
+
1993
+ Time that it's.
1994
+
1995
+ One that might be that may be the case, but
1996
+
1997
+ that it's actually you can see back into the things
1998
+
1999
+ that we can use that to say, Hey, you look
2000
+
2001
+ like you want me to do videos, basically, but.
2002
+
2003
+ You don't have.
2004
+
2005
+ To do it.
2006
+
2007
+ Some of it might take these guys.
2008
+
2009
+ Yeah, except this is six years of research.
2010
+
2011
+ That's some of.
2012
+
2013
+ The material, but not what you want to do to
2014
+
2015
+ make.
2016
+
2017
+ This work.
2018
+
2019
+ Yeah, it's not.
2020
+
2021
+ Material.
2022
+
2023
+ Why didn't I get a first.
2024
+
2025
+ Bite of this?
2026
+
2027
+ And I didn't say that.
2028
+
2029
+ That's the problem.
2030
+
2031
+ It's kind of really happened since, Mr. President.
2032
+
2033
+ So I said, Well, I originally said that any on
2034
+
2035
+ the day would have been.
2036
+
2037
+ The school.
2038
+
2039
+ But she's not accepting.
2040
+
2041
+ What's been happening in Iraq.
2042
+
2043
+ And the way you.
2044
+
2045
+ Might.
2046
+
2047
+ Have noticed.
2048
+
2049
+ The really useful question.
2050
+
2051
+ It's good to get feedback about how you doing things
2052
+
2053
+ differently, doing something right.
2054
+
2055
+ Yeah.
2056
+
2057
+ Yeah, I know.
2058
+
2059
+ I'm just I'm just hoping that by pinpointing very quickly
2060
+
2061
+ that these kind of theories, we do.
2062
+
2063
+ Have a lot of people out there who might be
2064
+
2065
+ eager.
2066
+
2067
+ To meet with individuals, something to discuss how to give
2068
+
2069
+ some solutions.
2070
+
2071
+ Access We really hate that.
2072
+
2073
+ It's the men's lives work, stuff like that.
2074
+
2075
+ Yeah, I just.
2076
+
2077
+ That because we're not going to make it.
2078
+
2079
+ But, you know, I think that there is not much
2080
+
2081
+ concern about this because the problem.
raw_transcripts/lecture_11.txt ADDED
@@ -0,0 +1,1997 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ It's not an easy world out there.
2
+
3
+ Looks nice there on the campus today, but it's a
4
+
5
+ difficult world to survive in.
6
+
7
+ And we have evolution from it.
8
+
9
+ So what is going on in mammals, your brain right
10
+
11
+ now and other mammals and other species?
12
+
13
+ What we going to focus on will focus on the
14
+
15
+ core part of today's lecture.
16
+
17
+ There's textbook reading.
18
+
19
+ If you go to the reading material from Carlson and
20
+
21
+ Briquettes for Book on Behaviour, there's some other cool references
22
+
23
+ to read through.
24
+
25
+ Not too many, just a few examples to read through
26
+
27
+ after this.
28
+
29
+ But the cool thing I want you to take away,
30
+
31
+ there are two systems in your body for dealing with
32
+
33
+ stress.
34
+
35
+ The stress is when your body is under pressure and
36
+
37
+ you have to maintain homeostasis.
38
+
39
+ You have to maintain your body, your integrity.
40
+
41
+ Get on with things.
42
+
43
+ Doing that is not easy to make us make that
44
+
45
+ happen.
46
+
47
+ We have two systems in our body, in mammals, a
48
+
49
+ sympathetic adreno system called Sun for sure, and the hypothalamic
50
+
51
+ pituitary adrenal cortical system, the HP system or the HP
52
+
53
+ axis is a company.
54
+
55
+ So first of all, let's look at this sound system,
56
+
57
+ this sympathetic adrenal medullary system.
58
+
59
+ So here's an example of a lion attacking this would,
60
+
61
+ for a human, be a very stressful event if it
62
+
63
+ happens to you, where you happen to be in a
64
+
65
+ situation where a live lion is attacking you and those
66
+
67
+ stressful things.
68
+
69
+ And this is coined by a psychologist and somebody with
70
+
71
+ the idea of flight or flight.
72
+
73
+ And in this case, it's flying away from the lion.
74
+
75
+ You might fight that lion.
76
+
77
+ Very bad decision for most humans, or you might fly
78
+
79
+ away.
80
+
81
+ But either way, you need to respond.
82
+
83
+ You're kind of sitting relaxed, right, and making notes here.
84
+
85
+ And your body's set to do that.
86
+
87
+ But it's not going to be well set to run
88
+
89
+ away or fight a lion.
90
+
91
+ It needs to change.
92
+
93
+ You need more oxygen, more blood flow, a lot of
94
+
95
+ things in your body ready to make you do that.
96
+
97
+ Same for rabbits and for any animal trying to escape
98
+
99
+ What happens in the first.
100
+
101
+ The second lecture I gave a neuroanatomy.
102
+
103
+ I put up this slide that says, Here's these two
104
+
105
+ systems from a autonomic nervous system.
106
+
107
+ I said, I'll come back to it around today, this
108
+
109
+ lecture after reading week.
110
+
111
+ So what we have here on the left is a
112
+
113
+ sympathetic adrenal system that is critical for your response to
114
+
115
+ threat like a lion.
116
+
117
+ So what happens is that in your spinal cord or
118
+
119
+ a number of you can see on the left hand
120
+
121
+ side a sequence of neurones that are ready to be
122
+
123
+ activated to project out to a whole lot of bits
124
+
125
+ of your body, different organs, right the way out from
126
+
127
+ your eye down to your bottom, right at the bottom
128
+
129
+ of your body.
130
+
131
+ So these all these things in these parallel red fibres
132
+
133
+ coming out and rise, obviously they're marked and right here
134
+
135
+ they're not really right in your body, but they go
136
+
137
+ and do things like increase your heart rate, the heart
138
+
139
+ rate goes up.
140
+
141
+ You've got more oxygen in your blood to run faster
142
+
143
+ away from that line.
144
+
145
+ It's one of the critical things your your stomach is
146
+
147
+ going to switch into No longer digesting food.
148
+
149
+ Your bladder may get rid of any urine.
150
+
151
+ If you're carrying a lot of weight, you know, you
152
+
153
+ might pay out a fright and run.
154
+
155
+ There's a lot of things you can see that are
156
+
157
+ going on that are regulating your body to make your
158
+
159
+ pupils dilate, ready to to to react.
160
+
161
+ And again, sorry, the lighting system I can't control as
162
+
163
+ high as read these off, but hopefully you can see
164
+
165
+ that the core idea is on the left is the
166
+
167
+ system Upregulates Now now, if you kept having this going
168
+
169
+ on, your heart rates going higher and higher and your
170
+
171
+ your body's getting ready for threat, you would die.
172
+
173
+ You overstimulating your body beyond the amount of food you
174
+
175
+ can take in.
176
+
177
+ It's not going to digest anything.
178
+
179
+ It's just going to go into the stress state of
180
+
181
+ a reaction to a line.
182
+
183
+ Now, on the right hand side of that diagram, we
184
+
185
+ have the parasympathetic system which runs on a molecule called
186
+
187
+ a seat coordinates.
188
+
189
+ These two systems have their own specific molecules, adrenalin and
190
+
191
+ noradrenaline as written on the bottom.
192
+
193
+ There will come into that and there is a seat.
194
+
195
+ Alkaline is the other molecule on the right.
196
+
197
+ Now on the right hand side we have the system
198
+
199
+ allows you to calm down, come down from the heightened
200
+
201
+ state of threat, analyse your digestion to pick up, lowers
202
+
203
+ your heart rate, gets your body to digest things as
204
+
205
+ part of the rest and digest system.
206
+
207
+ So we've got this circuitry there and you can see
208
+
209
+ that on the left side, you've got the sympathetic system
210
+
211
+ coming out of the spinal cord and on the right,
212
+
213
+ right on the bottom of the spinal cord.
214
+
215
+ There are some key parts of the sympathetic system, but
216
+
217
+ a lot of these pathways come out right at the
218
+
219
+ top of the brain, right at the top of this
220
+
221
+ of the spinal cord section to regulate the heart.
222
+
223
+ And some of these are nerves from the cranial nerves
224
+
225
+ covered light to the heart to regulate the heart, heart
226
+
227
+ at the top there.
228
+
229
+ So this is what I'm talking about.
230
+
231
+ You can see my mind, maybe not up here.
232
+
233
+ These pathways to the eye and the heart and the
234
+
235
+ lungs and so on.
236
+
237
+ Okay.
238
+
239
+ And there's a little icon to highlight.
240
+
241
+ This is where we're going to spend a bit of
242
+
243
+ today's lecture looking at this particular organ in your body
244
+
245
+ you'd never really think about, here is a kidney.
246
+
247
+ So you need to, you know, organise your fluid or
248
+
249
+ the fluids in your body.
250
+
251
+ If you're a medic, you'll be learning a lot about
252
+
253
+ the kidney and you're doing brain and behaviour.
254
+
255
+ So we're not very interested in the kidney today.
256
+
257
+ What we are interested in is the adrenal glands.
258
+
259
+ Your body has all sorts of glands hidden behind it
260
+
261
+ and one of them is critical for running away from
262
+
263
+ that line is your adrenal gland.
264
+
265
+ And this, this adreno, the sympathetic adrenal medullary system is
266
+
267
+ the medullary part refers to the medulla, the middle part
268
+
269
+ of this adrenal gland.
270
+
271
+ And this is where adrenaline is when you you may,
272
+
273
+ as some of you ever come across EpiPens or this
274
+
275
+ worry about people eating peanuts and dying from it is
276
+
277
+ because they, you know, they take an EpiPen with them
278
+
279
+ filled with adrenaline because it will react.
280
+
281
+ It will allow their body to increase their heart rate.
282
+
283
+ The lungs will expand rapidly, bypass this circuit.
284
+
285
+ But if your body's acting normally, it's not part this
286
+
287
+ little structure here above your kidneys, the adrenal glands, and
288
+
289
+ does this beautiful job of secreting adrenaline around your body.
290
+
291
+ Written here is the nephron because that's what the US
292
+
293
+ system United States, they usually get epinephrine.
294
+
295
+ They like their own words for different things at times.
296
+
297
+ Okay on the left.
298
+
299
+ So that's all that.
300
+
301
+ That's all the bits of the body drawn.
302
+
303
+ If you look at this, these two major divisions within
304
+
305
+ the autonomic nervous system on the left, we have that
306
+
307
+ sympathetic system for regulating a fight or take flight system
308
+
309
+ which causes all these different things that including some unhelpful
310
+
311
+ things like nausea.
312
+
313
+ If you attack by line, you may feel a bit
314
+
315
+ sick, but it allows your eyes to expand and get
316
+
317
+ live raises.
318
+
319
+ Your heart rate raises your blood pressure.
320
+
321
+ Everything's ready for running or attacking.
322
+
323
+ On the right hand side, this parasympathetic system allows you
324
+
325
+ to eat things, steadies your hands.
326
+
327
+ Just, you know it.
328
+
329
+ It's all sorts of different parts of this.
330
+
331
+ You can see here, lowering heart rate and blood pressure
332
+
333
+ is also known the rest and digest state.
334
+
335
+ So this is two key systems for this.
336
+
337
+ Some this is the sympathetic or the sympathetic adrenal system.
338
+
339
+ Let's take a real world example to contextualise this.
340
+
341
+ Just something that came on Twitter.
342
+
343
+ This is this particular person.
344
+
345
+ I haven't put their their name and details up here,
346
+
347
+ but they provided this on Twitter some time ago, several
348
+
349
+ years ago.
350
+
351
+ This just describing using a Fitbit.
352
+
353
+ So monitoring the heart rate and reading text messages.
354
+
355
+ And that day that girlfriend broke up with them at
356
+
357
+ exactly noon in their timeline.
358
+
359
+ And you can see here this person's resting heart rate
360
+
361
+ just tracking along New noon occurs and up goes the
362
+
363
+ heart rate and it's sustained.
364
+
365
+ Go right.
366
+
367
+ And so midnight after they got this message of a
368
+
369
+ girlfriend of broken up with them, it's just one real
370
+
371
+ world example of what happens to your heart rate under
372
+
373
+ stress.
374
+
375
+ This is clearly this person describing a very stressful, horrible
376
+
377
+ experience and breaking up and seeing it live and seeing
378
+
379
+ that the heart rate has gone up and it hasn't
380
+
381
+ he hasn't gone back to rest and digest.
382
+
383
+ Yeah, even at midnight.
384
+
385
+ This is a carrying on the process.
386
+
387
+ So we've covered that same system.
388
+
389
+ We're now going to turn to this HD access system.
390
+
391
+ The other one, the two systems, because you just saw
392
+
393
+ in this example, the upregulated heart rate set to react.
394
+
395
+ Now a line is an immediate threat.
396
+
397
+ Breaking up with your partner, like maybe you've be with
398
+
399
+ your girlfriend for two years and you break up.
400
+
401
+ It's really severe.
402
+
403
+ And as your brain is going to think about all
404
+
405
+ the implications of Break-Up and what this means for me,
406
+
407
+ what are my what am I going to do with
408
+
409
+ my social life?
410
+
411
+ Lots of things go on.
412
+
413
+ That heart rate is going to be raised, raised for
414
+
415
+ some time, this extra stresses.
416
+
417
+ But it doesn't just have a rapid response, it has
418
+
419
+ it organised.
420
+
421
+ Longer term response allows you to adapt to challenging situations.
422
+
423
+ So what we've shown here is the human brain.
424
+
425
+ Here's the nose of the challenge we discussed and we're
426
+
427
+ looking at the corpus callosum, for example, not coloured in
428
+
429
+ just so you can identify them are number of little
430
+
431
+ nuclei here in the middle of the brain.
432
+
433
+ Now in a rat or of old or something, these
434
+
435
+ are really big because they're really important words for humans
436
+
437
+ have a huge amount of cortex.
438
+
439
+ We've added all round that these, these key subcortical structures.
440
+
441
+ And again in my, my second lecture in your anatomy
442
+
443
+ talks about cortex cortical structures and sub cortex.
444
+
445
+ Today we're looking at to keep it of that.
446
+
447
+ There's a whole load of this here.
448
+
449
+ There's a familiar body will come in a couple of
450
+
451
+ weeks time to someone who had a snooker cue smashed
452
+
453
+ into their face skewering and damaging their military bodies.
454
+
455
+ And I explain what happened to that patient.
456
+
457
+ But it bypassed that type of thalamus, went under here,
458
+
459
+ and it didn't have the problems I'm going to talk
460
+
461
+ about today.
462
+
463
+ So they didn't have any stress responses.
464
+
465
+ So here it's hard to build different nuclei in the
466
+
467
+ real brain.
468
+
469
+ They're not coloured.
470
+
471
+ This is just coloured to highlight them.
472
+
473
+ And these are the hypothalamic nuclei hypothalamic.
474
+
475
+ The word hypo just means lower.
476
+
477
+ So here's the thalamus above you that does all the
478
+
479
+ processing you need for connecting the cortex together.
480
+
481
+ But underneath is the hypothalamus and has these different nuclei.
482
+
483
+ All the top underneath them is another gland, the pituitary
484
+
485
+ gland.
486
+
487
+ So this is a bit this is very strange.
488
+
489
+ Your brain is structured inside your skull, encased in the
490
+
491
+ skull to protect your brain.
492
+
493
+ Very important organ in your body sticking just out of
494
+
495
+ the skull.
496
+
497
+ And this little stalk is the pituitary gland, and it's
498
+
499
+ a little gland that goes into your blood system.
500
+
501
+ And it allows cells to send chemicals straight out of
502
+
503
+ your brain into your blood circulation outside your skull.
504
+
505
+ So it's it just sits there inside.
506
+
507
+ You can see it encased in bone here, but the
508
+
509
+ blood circulates through it.
510
+
511
+ So let's dig into this in a bit more schematic,
512
+
513
+ sort of what are they doing?
514
+
515
+ So here is the hypothalamic pituitary adrenal axis and stress
516
+
517
+ system.
518
+
519
+ So here's the brain we just saw in the last
520
+
521
+ slide is zoom in.
522
+
523
+ This little tiny nuclei in here.
524
+
525
+ We're just going to call these the hypothalamus now.
526
+
527
+ And the key thing they do here is to release
528
+
529
+ time into pituitary gland.
530
+
531
+ There are cells there that produce a chemical called cortical
532
+
533
+ growth in releasing hormone.
534
+
535
+ So these cells are releasing a hormone, not a neurotransmitter,
536
+
537
+ but a hormone into the anterior pituitary gland.
538
+
539
+ In the anterior anterior pituitary gland, there are a number
540
+
541
+ of cells that release their the adrenal cortical trophic hormone.
542
+
543
+ So you've got CRH and 88 C THC.
544
+
545
+ These two different hormones, the cascade of hormones.
546
+
547
+ And those hormones go on to land on your adrenal
548
+
549
+ gland just above your kidney.
550
+
551
+ So this is like on here is I so seems
552
+
553
+ a bit like a lot of, a lot of different
554
+
555
+ steps.
556
+
557
+ Why not just do one step?
558
+
559
+ But we'll see.
560
+
561
+ We'll see why that might be the the adrenal cortex
562
+
563
+ a bit right on the edge.
564
+
565
+ So we had that reaction.
566
+
567
+ That same system is the bit in the middle of
568
+
569
+ it, but on the edges, the edge of it, the
570
+
571
+ sort of the outer layer, the adrenal cortex is where
572
+
573
+ a number of hormones are released.
574
+
575
+ And if there are, there are glucocorticoids, mineralocorticoid and sex,
576
+
577
+ steroids, there's a whole lot of that gland is producing
578
+
579
+ a lot of hormones for your body.
580
+
581
+ You don't want to damage that gland.
582
+
583
+ That's very important to you.
584
+
585
+ The key one, you may have heard all this you
586
+
587
+ haven't heard anything about stress is corticosteroids is a particular
588
+
589
+ hormone that goes and then regulates here.
590
+
591
+ This is called different organs like your heart, your lungs,
592
+
593
+ your digestive system, all being updated by this hormone.
594
+
595
+ So these are circulating.
596
+
597
+ So three steps.
598
+
599
+ These these kind of ACLs like cortisol as corticosteroid erodes
600
+
601
+ the cortisol.
602
+
603
+ So the reason what is always a chemical that you
604
+
605
+ can use like a salivary test, so you can look
606
+
607
+ at policemen and say, oh, did they go out and
608
+
609
+ have to do some particularly difficult experience?
610
+
611
+ Recently you might take a Swoboda saliva and find you.
612
+
613
+ Half of them have read high cortisol rates.
614
+
615
+ It's used very classically in stress studies.
616
+
617
+ Now this cortical cortisol is it circulates around your body,
618
+
619
+ has all these effects to regulate your body for better
620
+
621
+ or.
622
+
623
+ This distress, but it also goes back into the pituitary
624
+
625
+ gland that goes back into the hypothalamus.
626
+
627
+ And you can see these going down or plus positive
628
+
629
+ driving up signals.
630
+
631
+ Red pluses have got some blue minus signals here.
632
+
633
+ These this circulating cortisol goes to actually reduce the responses
634
+
635
+ in these two.
636
+
637
+ This is the brain.
638
+
639
+ This circulates back.
640
+
641
+ So it's like it's a system that as you produce
642
+
643
+ more of it acts.
644
+
645
+ But as you get too much of it, it dampens
646
+
647
+ it down, but it does more than just short circuit.
648
+
649
+ So what we've looked at in this previous slide, if
650
+
651
+ I go back, we've looked at this cascade from the
652
+
653
+ hypothalamus time.
654
+
655
+ There are a few more brain areas involved because your
656
+
657
+ brain is not just your hypothalamus has all these other
658
+
659
+ amazing that state.
660
+
661
+ So here's the human brain we're going to you've had
662
+
663
+ a lecture from Sam Sullivan on the amygdala.
664
+
665
+ You're going to hear a lot about memory.
666
+
667
+ And at the campus of the campus will talk about
668
+
669
+ today in relation to stress is the pituitary gland that
670
+
671
+ is the hypothalamus.
672
+
673
+ So here we're going to slice through a kernel section,
674
+
675
+ through the brain.
676
+
677
+ Here's a kernel section looking right in the middle of
678
+
679
+ the brain, and here's the cortex in the side.
680
+
681
+ Right in the middle is a particular nucleus called the
682
+
683
+ power.
684
+
685
+ The let's look at this very carefully, the power of
686
+
687
+ an ocular nucleus of the hypothalamus, a tiny little bit
688
+
689
+ of a massive in a rodent, the tiny in your
690
+
691
+ brain, because you've got a lot of extra bits to
692
+
693
+ do.
694
+
695
+ It's the key that is the brain that releases this
696
+
697
+ molecule that then cascades because the pituitary release, this act,
698
+
699
+ and then you get this adrenal cortical and cortical means
700
+
701
+ that they go and feed back into the system that
702
+
703
+ exist.
704
+
705
+ But cortisol also acts on the hippocampus and on the
706
+
707
+ hypothalamus itself.
708
+
709
+ There's also this higher level process in the hippocampus.
710
+
711
+ So inhibits these three structures.
712
+
713
+ Very nice.
714
+
715
+ Just highlighting this is a negative response is also it's
716
+
717
+ turning off the activity of these cells in these various
718
+
719
+ regions in the hippocampus.
720
+
721
+ So what happens, though?
722
+
723
+ Okay, so that's your stress response.
724
+
725
+ And if you go through some stress, period and it
726
+
727
+ lasts like that break up, we saw in that person
728
+
729
+ an elevated heart rate, eventually the cortisol to bring that
730
+
731
+ down.
732
+
733
+ But if you keep going through ongoing stress on and
734
+
735
+ on, so say you're put into a war zone and
736
+
737
+ you're in extended war zone.
738
+
739
+ The Vietnam War went on and on and on and
740
+
741
+ people did not know when they were coming home from
742
+
743
+ that war.
744
+
745
+ They were drafted into it.
746
+
747
+ So that is an example of a long term for
748
+
749
+ stress.
750
+
751
+ Six exposure experience.
752
+
753
+ What's been what's been studied is that the people who
754
+
755
+ experience that prolonged stress will end up with a shrunken
756
+
757
+ hippocampus.
758
+
759
+ So this is a coronial, sectional coronial section through the
760
+
761
+ brain.
762
+
763
+ Here's the hippocampus showing healthy hippocampus here and a smaller
764
+
765
+ hippocampal.
766
+
767
+ It's quite hard to see, but you wouldn't want your
768
+
769
+ hippocampus to be shrunken like in this diagram.
770
+
771
+ It's not a good effect.
772
+
773
+ So ends up with this bad effect on the brain.
774
+
775
+ But if we dive in and look at in more
776
+
777
+ detail, so we're looking at beyond just humans and brain
778
+
779
+ imaging, but we can't get that close.
780
+
781
+ What we can do is study things like primates where
782
+
783
+ we can look at a situation where some primates are
784
+
785
+ housed in a slightly stressful situation and end up with
786
+
787
+ ulcers in their stomach.
788
+
789
+ These are the ones that they know they were stressed.
790
+
791
+ They can look at their physiology to check things like
792
+
793
+ that.
794
+
795
+ He's not a very pleasant experiment to read about, but
796
+
797
+ it has highlighted exactly what happens at a cellular level
798
+
799
+ in primates brains like ours.
800
+
801
+ And you can see that a control panel here who's
802
+
803
+ not stressed as nicely organised cells in the campus, and
804
+
805
+ it's all nicely disrupted in the hippocampus of a stressed
806
+
807
+ animal.
808
+
809
+ So that's a problem.
810
+
811
+ This is not something you want to have.
812
+
813
+ Your brain reacts to too much stress.
814
+
815
+ Prolonged difficulties can cause problems in your brain.
816
+
817
+ Now, this is quite a detailed slide.
818
+
819
+ This is going back to scanning humans.
820
+
821
+ We're looking at animals in the last one, but this
822
+
823
+ is an example of the hippocampus and Gulf War related
824
+
825
+ post-traumatic stress disorder.
826
+
827
+ Patients at the end of this course, near the end,
828
+
829
+ the second to last lecture going go back to post-traumatic
830
+
831
+ stress disorder, the fascinating condition where treatments have advanced a
832
+
833
+ lot in the last decade in terms of treatment.
834
+
835
+ Back when this study was done in 2005, they weren't
836
+
837
+ so advanced.
838
+
839
+ What is this showing is that people who experience PTSD
840
+
841
+ had smaller hippocampi, this they had of it.
842
+
843
+ People who not healthy controls or even people who has
844
+
845
+ who had been sent into the war zone are not
846
+
847
+ experienced this disorder.
848
+
849
+ So that these PTSD is kind of like flashbacks.
850
+
851
+ They're afraid generally they panic very easily.
852
+
853
+ They can't sleep at night.
854
+
855
+ They get these Night-Time dreams.
856
+
857
+ And in those cases, you get this reduction in the
858
+
859
+ hippocampus, and I'll come back to that.
860
+
861
+ That's an example in humans.
862
+
863
+ Another experiment was done was to actually administer cortisol.
864
+
865
+ And so to see if this.
866
+
867
+ So what we're looking at here is the hippocampus being
868
+
869
+ disrupted the size this for experiment done some time ago
870
+
871
+ in 1996 and some time back but it's published in
872
+
873
+ the journal Science because quite a breakthrough experiment in terms
874
+
875
+ of understanding what may be going on is that that
876
+
877
+ stress is a knock on effect.
878
+
879
+ It shows that over prolonged stress, this cortisol, this is
880
+
881
+ here the cortical response in on the right hand side.
882
+
883
+ So a very low response to stress or a high
884
+
885
+ response to to the cortisol is leads to less memory.
886
+
887
+ So almost leading down into amnesia and not quite the
888
+
889
+ person is really stressed, suffered, prolonged stress, you can you
890
+
891
+ can look flying placebo or so what they did was
892
+
893
+ they injected either just saline and just the salt water
894
+
895
+ or this this same saline mixed with the cortisol was
896
+
897
+ increasing people's response in physiologically inducing stress by injecting the
898
+
899
+ hormone directly.
900
+
901
+ And if you if you've had this prolonged stress, your
902
+
903
+ response is very poor.
904
+
905
+ A big response to that is people's memory is disrupted.
906
+
907
+ And we'll come on to the link between the hippocampus
908
+
909
+ and memory and a follow on nature.
910
+
911
+ So one way that's been studied and I'll delve into
912
+
913
+ memory in more detail is instead of taking warzone veterans
914
+
915
+ and that's hard to study under control, what they'll do
916
+
917
+ is take mice or rats and put them in.
918
+
919
+ This is a rat here in a home cage and
920
+
921
+ introduce a cat.
922
+
923
+ I picked a ginger cat in this diagram, but it
924
+
925
+ could be any time cat and the cat is placed
926
+
927
+ in the environ for 75 minutes.
928
+
929
+ And that's a very stressful experience for for a rodent
930
+
931
+ because they are very evolved to smell like there are
932
+
933
+ smell receptors in the tax cuts as is a threat.
934
+
935
+ And so it will stress them out.
936
+
937
+ They'll just high they won't be harmed.
938
+
939
+ They're just introduced to this potential threat for a period.
940
+
941
+ And what they can see is that the the what
942
+
943
+ we're looking at here is this this is a measure
944
+
945
+ of how close the come back to this top side
946
+
947
+ of the bottom.
948
+
949
+ One is, is the easiest one to understand.
950
+
951
+ So this is this is.
952
+
953
+ This is a hoax and nothing's happened to the rat.
954
+
955
+ This is a rat who has been placed in the
956
+
957
+ specific cage, but nothing happens.
958
+
959
+ Very boring.
960
+
961
+ And this is the plot for a cat that has
962
+
963
+ been sorry.
964
+
965
+ That rat has been exposed to the cat.
966
+
967
+ And this is a task where rats have to scurry
968
+
969
+ through a maze to find bits of food at the
970
+
971
+ end of different alleyways.
972
+
973
+ And if they remember very well, though, avoid going back
974
+
975
+ down alleyways.
976
+
977
+ The food is not very good at memory.
978
+
979
+ They'll keep going back down the same alleyway and it's
980
+
981
+ forgotten they've eaten the food there.
982
+
983
+ And this is that normal rat.
984
+
985
+ Fantastic.
986
+
987
+ Rats are very good at this.
988
+
989
+ But the rat has just been exposed to the cat.
990
+
991
+ Keeps to getting ready to go.
992
+
993
+ That stress, putting it just 75 minutes with the cat
994
+
995
+ has induced this the stress response in that in that
996
+
997
+ rat and it's having a harder time remembering where the
998
+
999
+ food is in a maze and different school the radio
1000
+
1001
+ maze as these little alleyways radiating out from the centre
1002
+
1003
+ of it.
1004
+
1005
+ So this middle one will come back to is a
1006
+
1007
+ measure of synaptic plasticity.
1008
+
1009
+ Like you two, you learned about neurones in the sign
1010
+
1011
+ ups in the way they can form and communicate with
1012
+
1013
+ each other.
1014
+
1015
+ In brief, in synaptic plasticity they sign up to this
1016
+
1017
+ can change and you can measure using different methods, increases
1018
+
1019
+ or decreases in the way in which sign in sign
1020
+
1021
+ ups.
1022
+
1023
+ This can cause cells to communicate with one another to
1024
+
1025
+ send action potentials.
1026
+
1027
+ And what's shown here is that if you take this
1028
+
1029
+ approach that the rats that had no interaction with the
1030
+
1031
+ so very nice, typical robust responses to this procedure of
1032
+
1033
+ stimulating its brain to check the synaptic plasticity, this was
1034
+
1035
+ being written about in this in this here this this
1036
+
1037
+ change to stimulating his brain.
1038
+
1039
+ If it's been put in the chamber, we either have
1040
+
1041
+ that same response very good plasticity.
1042
+
1043
+ But if it's had the cat, there is always nothing.
1044
+
1045
+ There's no almost no synaptic plasticity.
1046
+
1047
+ This rat is still in a highly stressed state and
1048
+
1049
+ is unable to really acquire that new information.
1050
+
1051
+ It's not able to update.
1052
+
1053
+ So if you combine these two things together, it suggests
1054
+
1055
+ that we need we need to this over prolonged stress
1056
+
1057
+ can disrupt memory and it disrupts the natural plasticity in
1058
+
1059
+ the hippocampus.
1060
+
1061
+ So we we can link this these two things together,
1062
+
1063
+ these lost memories due to stress.
1064
+
1065
+ So here in this diagram, this comes from a review
1066
+
1067
+ by Kim and Diamond.
1068
+
1069
+ They are talking about low level stress, up to high
1070
+
1071
+ levels of stress.
1072
+
1073
+ And you can have activation of new neurochemical systems.
1074
+
1075
+ This is our assignment for you, which HPI access systems.
1076
+
1077
+ And I have some effect on learning a memory.
1078
+
1079
+ But as that stress goes higher, it damages the synaptic
1080
+
1081
+ plasticity, it causes changes in the structure of the cells,
1082
+
1083
+ and eventually here necrosis and cell death and disruptions and
1084
+
1085
+ growing of cells in your brain.
1086
+
1087
+ And we'll see the hippocampus grows, new cells, all of
1088
+
1089
+ that gets highly disrupted.
1090
+
1091
+ So you have this sort of how much stress you
1092
+
1093
+ got causes brain cells to die and you have the
1094
+
1095
+ campus and so on.
1096
+
1097
+ So all of these have an impact on learning and
1098
+
1099
+ memory in the short term or the long term.
1100
+
1101
+ So stress is good for being able to respond to
1102
+
1103
+ threat critical.
1104
+
1105
+ You need it.
1106
+
1107
+ You know, you need to get a focus on an
1108
+
1109
+ exam.
1110
+
1111
+ And that stress response needs you to be alert and
1112
+
1113
+ not sit and just back and digest, but too much
1114
+
1115
+ of it, and you'll end up causing problems.
1116
+
1117
+ So how do we how do we know about more
1118
+
1119
+ of these problems and the social impact?
1120
+
1121
+ We're going to dive now into what happens in the
1122
+
1123
+ impacts of early life so that the Fitbit example I
1124
+
1125
+ gave from that person earlier, he broke up with his
1126
+
1127
+ girlfriend at noon, got a text message, heart rate went
1128
+
1129
+ up all day, and so the night is really bad.
1130
+
1131
+ But that's a one shot late in life.
1132
+
1133
+ What happens to stress?
1134
+
1135
+ This example looking at Harlow.
1136
+
1137
+ It was the key.
1138
+
1139
+ Scientists looking at a social bonding will come on to
1140
+
1141
+ that on Friday was exploring what happens if you give
1142
+
1143
+ adversity early in life.
1144
+
1145
+ There's a sort of sense in which we're all born
1146
+
1147
+ equal.
1148
+
1149
+ We can get on with it.
1150
+
1151
+ It's fine.
1152
+
1153
+ Well, he was able to do was to study macaque
1154
+
1155
+ monkeys.
1156
+
1157
+ And look what happened.
1158
+
1159
+ This is a photograph is this is back in the
1160
+
1161
+ 1950s.
1162
+
1163
+ This is Harry Harlow.
1164
+
1165
+ And he explored the idea that maybe innately our bodies
1166
+
1167
+ built to seek out warmth and protection, not just food.
1168
+
1169
+ And he did a critical experiment.
1170
+
1171
+ We would raise these these small baby monkeys, these really,
1172
+
1173
+ really sad to read experiments.
1174
+
1175
+ And of course, they haven't been carried out since those
1176
+
1177
+ days.
1178
+
1179
+ So people don't do these experiments now.
1180
+
1181
+ You've established a scientific discovery around early life stress, and
1182
+
1183
+ now we can do lots more with it.
1184
+
1185
+ Back in the fifties, he was able to highlight the
1186
+
1187
+ value of early life intervention for avoiding detrimental impacts.
1188
+
1189
+ So these monkeys were given the option of food.
1190
+
1191
+ They could they could hang on to a wife or
1192
+
1193
+ a mother and an artificial mother for these monkeys that
1194
+
1195
+ would give them food, or one that just gave them
1196
+
1197
+ no food, nothing at all.
1198
+
1199
+ But it was just soft and furry.
1200
+
1201
+ And what they found was that the little monkeys, baby
1202
+
1203
+ monkeys would go and get the food when they needed
1204
+
1205
+ it, but cling on to the fur of the artificial
1206
+
1207
+ mother.
1208
+
1209
+ And we show that these cloth mothers would be in-built
1210
+
1211
+ into their DNA, driven from a very early stage of
1212
+
1213
+ their birth to focus on not to seek out that
1214
+
1215
+ wolves.
1216
+
1217
+ And so that's really important for the development.
1218
+
1219
+ He then went on to, sadly, show that they're not
1220
+
1221
+ even given this.
1222
+
1223
+ These poor little monkeys, unfortunately, end up being what he
1224
+
1225
+ described as depressed.
1226
+
1227
+ But really, they show very little interaction with other other
1228
+
1229
+ other eyes, all monkeys, and they're disturbed through the whole
1230
+
1231
+ life.
1232
+
1233
+ So you can take away those early supports very early
1234
+
1235
+ on and then get them later and it's too late.
1236
+
1237
+ They never quite adapt to the social hierarchy and later
1238
+
1239
+ lives.
1240
+
1241
+ So something's happening early in the early phases.
1242
+
1243
+ Development when the primate is born through to growing up
1244
+
1245
+ to becoming an adult.
1246
+
1247
+ It has profound impacts on social interactions and stress coping.
1248
+
1249
+ They won't couch that well with stress.
1250
+
1251
+ So this is just a highlight of his that the
1252
+
1253
+ care that a mother brings to the children, the offspring
1254
+
1255
+ regulates those glucose, those those that the steam that cortisol
1256
+
1257
+ is this glucocorticoid.
1258
+
1259
+ So this lecture goes on.
1260
+
1261
+ There's a number of clues here.
1262
+
1263
+ Glucocorticoids as part of the HPI axis.
1264
+
1265
+ The core one is corticosteroid is so is cortisol.
1266
+
1267
+ Corticosteroid rots, the cortisol is released and it binds to
1268
+
1269
+ receptors, has all these effects, raises your heart, does all
1270
+
1271
+ the things we need to do, but you can regulate
1272
+
1273
+ as paper key paper from this team so that the
1274
+
1275
+ maternal care that's given during development affects this is in
1276
+
1277
+ rats of a rat.
1278
+
1279
+ In rats, they can monitor mother rats.
1280
+
1281
+ If you give a lot of care and attention to
1282
+
1283
+ their pups, it would change the physiology of their bodies,
1284
+
1285
+ increase the capacity for these receptors and the response to
1286
+
1287
+ stress.
1288
+
1289
+ So the access response is improved in these mothers.
1290
+
1291
+ They can show all these is more detail than you
1292
+
1293
+ need to know about in this abstract.
1294
+
1295
+ Don't worry about the these various details here.
1296
+
1297
+ But the main point is all these things that allow
1298
+
1299
+ the body that are gone through the HP axis, the
1300
+
1301
+ hypothalamus, pituitary adrenal cortex, how to regulate with the cortisol
1302
+
1303
+ is upregulated by maternal care.
1304
+
1305
+ And this is an example of how you can look
1306
+
1307
+ at you can measure this.
1308
+
1309
+ So we're looking at rat pups for more nurturing mothers
1310
+
1311
+ compared to ones that have low nurturing mothers.
1312
+
1313
+ So we're going to track what we're going to do
1314
+
1315
+ to two graphs now.
1316
+
1317
+ So this is.
1318
+
1319
+ Before the intervention this period.
1320
+
1321
+ And this is after.
1322
+
1323
+ This is the period after.
1324
+
1325
+ So how what happens to the body when you apply
1326
+
1327
+ these?
1328
+
1329
+ The.
1330
+
1331
+ The stress hormones.
1332
+
1333
+ So what we're looking at is looking and grooming algae.
1334
+
1335
+ More how much licking and grooming is applied versus the
1336
+
1337
+ grooming and off back nursing.
1338
+
1339
+ So grooming and nursing is not positive particularly.
1340
+
1341
+ So it's it's you're looking at this licking and grooming
1342
+
1343
+ the mother rats do for their pups.
1344
+
1345
+ So humans you cuddle and maybe kiss and take care
1346
+
1347
+ of and nurture your child and stroke them and sing.
1348
+
1349
+ Nursery rhymes is what humans do.
1350
+
1351
+ Pups for rats.
1352
+
1353
+ They do.
1354
+
1355
+ They groom them for and they lick them to make
1356
+
1357
+ sure they're good.
1358
+
1359
+ Good mothers do that, love.
1360
+
1361
+ So here we have a group of rats, the high
1362
+
1363
+ treatment and low treatment.
1364
+
1365
+ And what we can see is the response, the way
1366
+
1367
+ the plasma this this molecule is released by the pituitary
1368
+
1369
+ gland.
1370
+
1371
+ It targets the the the cortex of the of the
1372
+
1373
+ the.
1374
+
1375
+ Of the adrenal gland.
1376
+
1377
+ This particular hormone is a better, higher response.
1378
+
1379
+ So is a.
1380
+
1381
+ Is is much higher high response in those those rats
1382
+
1383
+ that didn't get the maternal care.
1384
+
1385
+ So they're not bringing it back down as fast.
1386
+
1387
+ And you can also look at the the cortisol Rask
1388
+
1389
+ is up and it stays high throughout that period for
1390
+
1391
+ these not very well treated rats.
1392
+
1393
+ So these are the the black dots are the pups,
1394
+
1395
+ the ones that grew up with that care going to
1396
+
1397
+ Harlow's monkeys.
1398
+
1399
+ Harlow's monkeys were maltreated.
1400
+
1401
+ They didn't do well.
1402
+
1403
+ You've got these rats that are not well treated by
1404
+
1405
+ the mothers.
1406
+
1407
+ And these graphs serve to show like on a on
1408
+
1409
+ a evolving basis, the stress response differs between well treated
1410
+
1411
+ ups and not treated pups.
1412
+
1413
+ They look identical.
1414
+
1415
+ And this experiment is taking these two groups of little
1416
+
1417
+ pups.
1418
+
1419
+ They look fine.
1420
+
1421
+ But one thing well treated, the ones not being well
1422
+
1423
+ treated.
1424
+
1425
+ And this shows evidence that the early life experiences that
1426
+
1427
+ care and the parents bring has an effect.
1428
+
1429
+ The way we respond to stress.
1430
+
1431
+ Sadly, you can go on to look at this in
1432
+
1433
+ humans.
1434
+
1435
+ So this is the axis of women after sexual and
1436
+
1437
+ physical abuse and childhood.
1438
+
1439
+ And these women have a higher response.
1440
+
1441
+ Their cortisol levels are altered years and years later after
1442
+
1443
+ childhood abuse.
1444
+
1445
+ So this is quite sad.
1446
+
1447
+ It will go on into the images of how sexually
1448
+
1449
+ impacts of this.
1450
+
1451
+ So you can see you can see these links between
1452
+
1453
+ the previous rats experiment.
1454
+
1455
+ We can most of this in the lab and we
1456
+
1457
+ can measure this six fold change in these women who
1458
+
1459
+ suffered abuse.
1460
+
1461
+ So what's going on is that we've looked at these
1462
+
1463
+ sort of general responses in humans and rats.
1464
+
1465
+ So let's dig a little bit deeper.
1466
+
1467
+ So what you can see in this diagram here is
1468
+
1469
+ a one double helix of DNA.
1470
+
1471
+ So, you know, many of you have a biology background,
1472
+
1473
+ those that don't.
1474
+
1475
+ DNA is the main molecule in our body.
1476
+
1477
+ It leads us to storage and assembly.
1478
+
1479
+ Information allows you to replicate, and we can pass on
1480
+
1481
+ our DNA.
1482
+
1483
+ It's the main way in which your children, your offspring,
1484
+
1485
+ will pass on the facets of your eye colour, particular
1486
+
1487
+ traits.
1488
+
1489
+ You have all those things that's in most textbooks.
1490
+
1491
+ Most people in society have heard of DNA.
1492
+
1493
+ It's quite a common thing, particularly things like Jurassic Park
1494
+
1495
+ have highlighted that example.
1496
+
1497
+ What I'm showing you here is we can pass on
1498
+
1499
+ our DNA to our children, but also the proteins that
1500
+
1501
+ line the DNA inside your cells.
1502
+
1503
+ Every single cell has a dense copy of your DNA,
1504
+
1505
+ and it has these proteins called histones.
1506
+
1507
+ It's just the proteins that induce the DNA folding.
1508
+
1509
+ These are like little bulls that keep your DNA nicely
1510
+
1511
+ tucked up in the cell.
1512
+
1513
+ And histones can actually change.
1514
+
1515
+ They can change the proteins so you can change those.
1516
+
1517
+ And in fact, the particular thing that causes them changes
1518
+
1519
+ methylation, a particular really simple chemical reaction.
1520
+
1521
+ You can mitigate these histones or demethylation and just a
1522
+
1523
+ very simple chemical change in these histones, these DNA winding
1524
+
1525
+ molecules.
1526
+
1527
+ And the key impressive thing is those changes, if you
1528
+
1529
+ change your histones in the cell, can be passed on
1530
+
1531
+ because when you cell separates and passes on, it will
1532
+
1533
+ pass on not only the DNA, but these histones with
1534
+
1535
+ it.
1536
+
1537
+ So that's been found away without modifying an animal's DNA.
1538
+
1539
+ What you can do is modify the histones, and that
1540
+
1541
+ can potentially be passed on generations.
1542
+
1543
+ So here's an example of a mother.
1544
+
1545
+ We talked about this licking, grooming.
1546
+
1547
+ Here's this mother who does high licking and grooming, and
1548
+
1549
+ here's a cute little two pups that she's going to
1550
+
1551
+ lick and groom.
1552
+
1553
+ She's a very attentive mother.
1554
+
1555
+ What happens is that her pups we've just heard earlier
1556
+
1557
+ have this increased response.
1558
+
1559
+ So they particularly show another molecule pick up on that
1560
+
1561
+ is serotonin.
1562
+
1563
+ So here's written out 5 to 7 receptors.
1564
+
1565
+ That's the particular specific scientific name for the receptor for
1566
+
1567
+ this molecule, serotonin.
1568
+
1569
+ So we've talked about cortisol so far.
1570
+
1571
+ We know what happens to serotonin.
1572
+
1573
+ And this little pup, it's got this increased serotonin response
1574
+
1575
+ that's activated, but also this methylation suppresses activity.
1576
+
1577
+ So if they get d methylated, which is near a
1578
+
1579
+ particular genes, there's more details in you need to have
1580
+
1581
+ a particular gene and r3c1.
1582
+
1583
+ And that changes the way the histones around that little
1584
+
1585
+ mouse's DNA is operated.
1586
+
1587
+ And the effect of that, which is known as epigenetics
1588
+
1589
+ is epigenetic effect is a regulation of the licking, licking,
1590
+
1591
+ grooming all in this particular gene, that particular gene, this
1592
+
1593
+ modified by the mother's licking and grooming.
1594
+
1595
+ And this is just the way that geneticists will describe
1596
+
1597
+ this, both pathways, the direct effect and this this this
1598
+
1599
+ effect on the histones cause a change in this little
1600
+
1601
+ mouse that it's got a change in it and inside
1602
+
1603
+ of it, cells and its own receptors, his own receptors,
1604
+
1605
+ and got up to be able to respond effectively.
1606
+
1607
+ And it's dealing.
1608
+
1609
+ Is not been changed.
1610
+
1611
+ The DNA is changed, stayed the same.
1612
+
1613
+ But the way in which these things are configured has
1614
+
1615
+ changed and it's now better able to cope with stress.
1616
+
1617
+ This lucky little top goes off the stress coping and
1618
+
1619
+ the idea is that that can then turn on and
1620
+
1621
+ pass down generations.
1622
+
1623
+ So there's no DNA changes, no reordering of the actual
1624
+
1625
+ genetic structure, but these epigenetic effects I passed on.
1626
+
1627
+ So here's just an abstract written out from a key
1628
+
1629
+ study.
1630
+
1631
+ By this this epigenetic regulation of this glucocorticoid receptor and
1632
+
1633
+ human raises.
1634
+
1635
+ So you can see examples of this.
1636
+
1637
+ That gene I just talked about earlier that one with
1638
+
1639
+ the pups is been able to look at it and
1640
+
1641
+ people who had suicide victims who are abused or not
1642
+
1643
+ have used it.
1644
+
1645
+ Charlotte, it's a really sad study.
1646
+
1647
+ They can look at the brain pathology post-mortem and see
1648
+
1649
+ changes in the regulation of these structures.
1650
+
1651
+ Very difficult scientific work to acquire these brains and it's
1652
+
1653
+ worth a put a highlight that this work is controversial.
1654
+
1655
+ So there's still ongoing debate.
1656
+
1657
+ The key thing is here is the extent to which
1658
+
1659
+ that epigenetic thing really does go over.
1660
+
1661
+ Many generations seem very strong in some animals, but it's
1662
+
1663
+ still motivated in and in in mammals.
1664
+
1665
+ So a lot of scientists will agree with what I've
1666
+
1667
+ just described, that there's an epigenetic passed on through the
1668
+
1669
+ histone regulation and others may take the view that the
1670
+
1671
+ evidence still needs to be really confirmed in more detail.
1672
+
1673
+ So finally, just looking at the early life stress, we
1674
+
1675
+ can also see impacts not just on the response of
1676
+
1677
+ the sister for in the previous slides have shown changes
1678
+
1679
+ in the brain.
1680
+
1681
+ Right.
1682
+
1683
+ We looked at how these changes in the design, not
1684
+
1685
+ the DNA changes in the histones.
1686
+
1687
+ What we're looking at in these last slides is really
1688
+
1689
+ the fact of of this.
1690
+
1691
+ The again, we're going back to rats who were next
1692
+
1693
+ to it, who had their nesting material taken away.
1694
+
1695
+ So we talked about if I go back to that
1696
+
1697
+ last example of that mother, really attentive mother looking after
1698
+
1699
+ her pups, great passes on these great skills that you
1700
+
1701
+ wouldn't agree with, like a pass it down.
1702
+
1703
+ The world's great, right?
1704
+
1705
+ But that's not the real world, is it?
1706
+
1707
+ So you could have a nice little nice and they
1708
+
1709
+ all go well and suddenly something comes in an invader
1710
+
1711
+ and all the nest.
1712
+
1713
+ And now there's no nesting material for these animals.
1714
+
1715
+ It's a bit like an earthquake occurring for humans.
1716
+
1717
+ Your house is destroyed.
1718
+
1719
+ You have to go live in a tent for a
1720
+
1721
+ while.
1722
+
1723
+ These are really negative impacts.
1724
+
1725
+ What this study in rats looked at was the impact
1726
+
1727
+ of having nesting material removed so it's no longer warm.
1728
+
1729
+ And so the rats and growing up, they're unable to
1730
+
1731
+ be looked after in the same way.
1732
+
1733
+ And that means to fragmented nursing and grooming.
1734
+
1735
+ The grooming is not happening as effectively What's shown here
1736
+
1737
+ is the cortisol equivalent in rats.
1738
+
1739
+ Corticosteroids and army is much higher.
1740
+
1741
+ There's a much higher stress response.
1742
+
1743
+ And these these animals that experienced that nest removal, so
1744
+
1745
+ they're not able to respond more to later life stress.
1746
+
1747
+ So this isn't the effect of the nest material being
1748
+
1749
+ taken away.
1750
+
1751
+ It's when they're nine days later, they've left the home,
1752
+
1753
+ these little pups walking around and you give a stress
1754
+
1755
+ response and you get this much higher stress response, just
1756
+
1757
+ like we saw earlier with the childhood abuse says women
1758
+
1759
+ who've been suffered childhood abuse.
1760
+
1761
+ Much higher response, of course, is a sixfold higher, really
1762
+
1763
+ high.
1764
+
1765
+ Here you can see this very little response.
1766
+
1767
+ These control mice or rats that grew up with the
1768
+
1769
+ rats grew up in a nice, messy environment.
1770
+
1771
+ The ones that didn't like the nest material have an
1772
+
1773
+ adverse impact later in life.
1774
+
1775
+ What's shown here is a spatial memory test that's better
1776
+
1777
+ shown, I think, with the diagram.
1778
+
1779
+ You take a little rice and you put it in
1780
+
1781
+ a nice warm pool of water, like a bath, a
1782
+
1783
+ large bathtub, a circular one.
1784
+
1785
+ And the not the rat learns to swim around is
1786
+
1787
+ looking for a way out of the water.
1788
+
1789
+ It's nice and warm, is filled with milk powder so
1790
+
1791
+ it can't see anything.
1792
+
1793
+ But hidden under the water is a platform.
1794
+
1795
+ If the rat finds it, it can get out, It
1796
+
1797
+ can give it a treat.
1798
+
1799
+ And it's taken out of out of out of this
1800
+
1801
+ water maze.
1802
+
1803
+ And it's called a morris water maze after Richard Morris,
1804
+
1805
+ who developed this task.
1806
+
1807
+ Very simple one, but it's used to thousands of houses
1808
+
1809
+ and studies.
1810
+
1811
+ So here the rat can't see that little maze.
1812
+
1813
+ The platform.
1814
+
1815
+ And what we're showing over here is a top down
1816
+
1817
+ view into a maze with the video cameras tracked.
1818
+
1819
+ One of these are rats all over the place.
1820
+
1821
+ You can see it's swimming past what they've done.
1822
+
1823
+ They're a bit, a bit cheeky and taken away that
1824
+
1825
+ platform.
1826
+
1827
+ So the mouse is going, Oh, great, I'll go to
1828
+
1829
+ the platform.
1830
+
1831
+ And this is it heading off to that platform, but
1832
+
1833
+ it's not there and elsewhere.
1834
+
1835
+ And that's when and you can see it's like circling.
1836
+
1837
+ Where is that hidden platform in a sort of.
1838
+
1839
+ Estimate what the rats thinking.
1840
+
1841
+ What happens if you get that early life stress?
1842
+
1843
+ So those rats were raised in their bedding.
1844
+
1845
+ All they have was just an estimate table taken away
1846
+
1847
+ long back early on.
1848
+
1849
+ Take those rats much later.
1850
+
1851
+ Give them the same test.
1852
+
1853
+ That's horrible.
1854
+
1855
+ Screaming all around, unable to remember where that platform is.
1856
+
1857
+ So you can see the difference between the ones that
1858
+
1859
+ had the control.
1860
+
1861
+ Rats were quite efficient at going in the right space,
1862
+
1863
+ but the stressed rats were pretty much likely to search
1864
+
1865
+ anyway.
1866
+
1867
+ They had almost no memory of where the platform was.
1868
+
1869
+ So these kind of experiments really have been driven clinical
1870
+
1871
+ teams to think, Wow, we really need to intervene.
1872
+
1873
+ So that's why we have a very large and we
1874
+
1875
+ should have more work on social workers trying to help
1876
+
1877
+ make sure small children are really well cared for and
1878
+
1879
+ don't suffer these kind of adversities.
1880
+
1881
+ Same goes for animals.
1882
+
1883
+ There are lots of charities to help make sure we
1884
+
1885
+ don't have this kind of negative impact because it's unfortunately
1886
+
1887
+ quite, quite impactful.
1888
+
1889
+ So this is the last slide.
1890
+
1891
+ So summary you've heard about there are particular maternal care,
1892
+
1893
+ so you could pass on information from caring mothers and
1894
+
1895
+ interactions with peers, and that regulates this access.
1896
+
1897
+ We've heard about effects, this epigenome, the histones.
1898
+
1899
+ That's what these white things are.
1900
+
1901
+ Regulate that.
1902
+
1903
+ This is where advisor press and hair will come back
1904
+
1905
+ on Friday to learn more about vs the presence of
1906
+
1907
+ adrenaline and serotonin molecule that changes the way our brain
1908
+
1909
+ operates.
1910
+
1911
+ That's what this icon is here that regulates how aggressive
1912
+
1913
+ animals in the car, how emotion reactive and how that
1914
+
1915
+ cognition and memory operates.
1916
+
1917
+ And you get this operative, the social functioning.
1918
+
1919
+ So rats, humans, monkeys, whatever mammal you're looking at, will
1920
+
1921
+ have to interact socially.
1922
+
1923
+ And that's where the stress has one of its most
1924
+
1925
+ powerful negative impacts.
1926
+
1927
+ You have pathological effects.
1928
+
1929
+ If this pathway is badly dealt with, you also have
1930
+
1931
+ memory impacts be heard.
1932
+
1933
+ But if it's well cared for, you have adaptive, good,
1934
+
1935
+ social functioning and on.
1936
+
1937
+ So this is the overall summary.
1938
+
1939
+ At the end, I recommend you read some of the
1940
+
1941
+ last pages of the pages in particular from Costa Rica,
1942
+
1943
+ and you can find enough is the cortex book.
1944
+
1945
+ You log into these the library, you'll find that and
1946
+
1947
+ then to just nice reviews and look at this axis
1948
+
1949
+ and explain it in a helpful way.
1950
+
1951
+ I'll give you some example essay questions here of how
1952
+
1953
+ we might have informed surveillance.
1954
+
1955
+ And if you can do those readings, you'll be able
1956
+
1957
+ to nail these questions very well.
1958
+
1959
+ You can discuss how stress affects the hypothalamic pituitary axis,
1960
+
1961
+ how the genes, the environment interact and regulating stress and
1962
+
1963
+ questions you might get asked is what does it stand
1964
+
1965
+ for?
1966
+
1967
+ What does it stand for?
1968
+
1969
+ Where is the hypothalamus?
1970
+
1971
+ Hypothalamus in a given brain section.
1972
+
1973
+ And you saw our point that it too is right
1974
+
1975
+ next.
1976
+
1977
+ It's just under the corpus callosum.
1978
+
1979
+ So if you study all these slides and you look
1980
+
1981
+ through and read the material, read the reading are provided,
1982
+
1983
+ she'll do very well in exam.
1984
+
1985
+ So I will see.
1986
+
1987
+ You say you had some negative stories about stress and
1988
+
1989
+ bonding and problems.
1990
+
1991
+ Friday's lecture over in ICU will be about love and
1992
+
1993
+ social bonding, so that will be a more positive experience.
1994
+
1995
+ See you next Friday.
1996
+
1997
+ Thank you very much.
raw_transcripts/lecture_12.txt ADDED
@@ -0,0 +1,2141 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Good morning.
2
+
3
+ So welcome back.
4
+
5
+ Friday.
6
+
7
+ Monday.
8
+
9
+ We heard about stress.
10
+
11
+ Today we're going to talk about social bonding.
12
+
13
+ Before we kick off, I just want to remind everyone
14
+
15
+ about while you're doing this module, do keep checking your
16
+
17
+ anatomy.
18
+
19
+ So this is a page in the anatomy and your
20
+
21
+ guide.
22
+
23
+ So here's the web guide from lecture two.
24
+
25
+ There's a whole load of brain sections to memorise.
26
+
27
+ And here is where one of them goes by halfway
28
+
29
+ through, about halfway through this module.
30
+
31
+ Now a bit more.
32
+
33
+ So you keep playing with this.
34
+
35
+ Can you tell some easy ones in this?
36
+
37
+ Where's the cerebellum?
38
+
39
+ Where's the corpus callosum?
40
+
41
+ Where's the military bodies?
42
+
43
+ That's much harder, right?
44
+
45
+ So here's where it says Yeah.
46
+
47
+ What number?
48
+
49
+ Three bodies.
50
+
51
+ So if you thought that was the military bodies, well
52
+
53
+ done.
54
+
55
+ But this is the way.
56
+
57
+ Just keep testing yourself.
58
+
59
+ Where's the midbrain?
60
+
61
+ Where's the pons?
62
+
63
+ Where is the body?
64
+
65
+ Keep looking through this material.
66
+
67
+ As you go through this course, I'm going to provide
68
+
69
+ some new anatomy today.
70
+
71
+ That isn't the place to do with the hypothalamus picking
72
+
73
+ up on last week.
74
+
75
+ That story on Monday's lecture.
76
+
77
+ Okay.
78
+
79
+ So let's go to our slides.
80
+
81
+ So Monday's talk on stressed is quite negative most of
82
+
83
+ the time.
84
+
85
+ Stress is a part of our life.
86
+
87
+ You going to have to sit in exam for this
88
+
89
+ module.
90
+
91
+ That's inherently stressful.
92
+
93
+ But another key way in which our way in which
94
+
95
+ we deal with stress is part of that is our
96
+
97
+ friendship groups, our parents, our sisters and brothers.
98
+
99
+ All potentially killing all these people around us really help
100
+
101
+ as humans mitigate stress and other primates and some of
102
+
103
+ the species.
104
+
105
+ Here's an example of two types of what we might
106
+
107
+ call social bonding.
108
+
109
+ A parent with a child or two people who have
110
+
111
+ couple together romantically in the textbooks.
112
+
113
+ And the research on this topic of how do these
114
+
115
+ bonds form between these two groups.
116
+
117
+ This is known as affiliation, and we'll dive into that
118
+
119
+ in this lecture.
120
+
121
+ So there are many ways in which bonds form between
122
+
123
+ people of different species.
124
+
125
+ On the left at the top, down the top left
126
+
127
+ is humans holding hands.
128
+
129
+ In many cultures around the world, that's a way of
130
+
131
+ single signifying bonding.
132
+
133
+ Swans have an amazing kind of approach with their heads.
134
+
135
+ And I think the cutest one of all really is
136
+
137
+ the two old world monkeys who twine their tails together.
138
+
139
+ So these are the monkeys bond for life as partners.
140
+
141
+ And when they do that, they sit together with their
142
+
143
+ tails bound up.
144
+
145
+ You can go and see them in London Zoo.
146
+
147
+ They have, or at least the last time where the
148
+
149
+ London Zoo in the tropical house, they have two world
150
+
151
+ monkeys.
152
+
153
+ So these are these are some of the things we
154
+
155
+ see, but we don't there are groups studying humans or
156
+
157
+ a group studying monkeys, small number of groups.
158
+
159
+ But a lot of the time research has been done
160
+
161
+ on these animals is not rats, but actually voles.
162
+
163
+ Those turn out to be a fascinating story in terms
164
+
165
+ of our understanding of social bonding.
166
+
167
+ And for humans, what social bonding bonding is linked to
168
+
169
+ is love, the love we have for our parents, our
170
+
171
+ family, our friends, our partner, etc., and our children.
172
+
173
+ We don't know if these animals experience love, but they
174
+
175
+ have very similar biochemical effects in their brains to us.
176
+
177
+ And because we can study those in more detail, we
178
+
179
+ can understand that.
180
+
181
+ So I talk about social bonding in this lecture, but
182
+
183
+ the technical term is affiliation that encompasses the bonds between
184
+
185
+ individuals, partners who come together to produce children and the
186
+
187
+ parent parents that bond.
188
+
189
+ And look at the general process of that bonding in
190
+
191
+ the beginning part of this lecture and turn to the
192
+
193
+ parental bonds at the end.
194
+
195
+ So this I mentioned this this coupling up the social
196
+
197
+ bonding promotes adoption to the world.
198
+
199
+ You can cope better when you've got friends, to put
200
+
201
+ it another way, and stress, the social isolation which doesn't
202
+
203
+ occur is linked to a whole range of psychiatric disorders.
204
+
205
+ So it's an important endeavour in our society to improve
206
+
207
+ social bonding, really.
208
+
209
+ So here's the more of a longer and a bit.
210
+
211
+ One of the key things you need to learn in
212
+
213
+ this lecture is the word called specific to the ability
214
+
215
+ to recognise a specific.
216
+
217
+ So this is another species of the same of another
218
+
219
+ individual of your same species.
220
+
221
+ So as humans walking around, you can detect humans.
222
+
223
+ So you as the human, the most dangerous thing out
224
+
225
+ there for humans and most of their animals.
226
+
227
+ So you really do need to detect humans, but also
228
+
229
+ the most useful animal you probably interact with animals, I
230
+
231
+ imagine the vast majority of you.
232
+
233
+ So you need to be able to do that.
234
+
235
+ You don't really need to be able to recognise as
236
+
237
+ a human, but which humanism?
238
+
239
+ Who is it I'm recognising and then do I need
240
+
241
+ to remember to maintain a relationship with this person?
242
+
243
+ So this all comes under this bonding process of not
244
+
245
+ only do tend to find that is that is the
246
+
247
+ human.
248
+
249
+ I do know that human and I do need to
250
+
251
+ invest time with that humans.
252
+
253
+ So the there are a number of tasks that have
254
+
255
+ been used.
256
+
257
+ That's all fine in theory, but how do we test
258
+
259
+ that?
260
+
261
+ One is to look at approach.
262
+
263
+ So here are two dogs.
264
+
265
+ Dogs love to approach each other.
266
+
267
+ Are people that dog owners know this.
268
+
269
+ They love to get in and sniff each other's bottoms.
270
+
271
+ They do more than that.
272
+
273
+ They really get in there and get in there with
274
+
275
+ them with the urine and material to understand.
276
+
277
+ They do more than we do as humans.
278
+
279
+ They also need to learn to recognise and said who.
280
+
281
+ And there's a lot of work which cheap, cheap but
282
+
283
+ very, very similar to us humans.
284
+
285
+ But they have to identify the individual sheep they're interacting
286
+
287
+ with.
288
+
289
+ And again, that investment with sheep, how does the sheep
290
+
291
+ know its mother and how does the mother know which
292
+
293
+ individual lamb is its lamb to take care of?
294
+
295
+ And there's been research on that.
296
+
297
+ Now, how a lot of those animals do that is
298
+
299
+ through smell of action.
300
+
301
+ So in red highlighted that humans are a bit unusual
302
+
303
+ in other primates, that our visual system is so good
304
+
305
+ we can see people far off and we can hear
306
+
307
+ thing.
308
+
309
+ We can use that visual information to guide our social
310
+
311
+ interactions.
312
+
313
+ Not all other animals share that ability, and what they
314
+
315
+ do is use of actions that ferments.
316
+
317
+ You may be aware from popular culture are floating in
318
+
319
+ the air.
320
+
321
+ These are these are gas tight released chemicals that have
322
+
323
+ some role in humans, but most are important for other
324
+
325
+ species in terms of their their interrelationships.
326
+
327
+ But beyond you know, beyond that, we have a particular
328
+
329
+ organ in the brains of most vertebrates.
330
+
331
+ So we have here reptiles and mammals that's shown by
332
+
333
+ rats and a snake, and they have what's known as
334
+
335
+ a bomb or a nasal organ.
336
+
337
+ It detects in the air these, these pheromones I can
338
+
339
+ relay them to.
340
+
341
+ A particular bit of the brain illustrates that in both
342
+
343
+ species called the accessory olfactory bulbs.
344
+
345
+ So if you're smelling like a beautiful perfume, you'll likely
346
+
347
+ be using your main olfactory system to detect that process
348
+
349
+ that, Oh, this is lovely and it passes through your
350
+
351
+ factory system.
352
+
353
+ Separate to that main pathway is the access, the real
354
+
355
+ factory bulbs, and they're helpful for detecting those social cues
356
+
357
+ in these.
358
+
359
+ So they pass that information that's shown here to the
360
+
361
+ thalamus, that campus and the amygdala to various other bits
362
+
363
+ of the brain that we'll come see.
364
+
365
+ So this will really keep it to the brain to
366
+
367
+ do that.
368
+
369
+ Social detection, Who is this?
370
+
371
+ And that's what we're looking for, the vulnerable nasal organism,
372
+
373
+ very much in action in that picture.
374
+
375
+ The two dogs, humans don't seem to have a formal
376
+
377
+ gaze.
378
+
379
+ Morgana starts to develop in the womb when you're a
380
+
381
+ tiny baby and then gets regressed, it becomes removed.
382
+
383
+ You don't end up coming out of the womb with
384
+
385
+ the vulnerable base puts a set of eyes focussed on
386
+
387
+ it.
388
+
389
+ So the how do we test that?
390
+
391
+ Once we've got that detection, how do we how do
392
+
393
+ we explore that So it rodents and that's voles and
394
+
395
+ rats and mice.
396
+
397
+ And one approach is to take the top the two
398
+
399
+ to the top one is to take that rat, expose
400
+
401
+ it to another rat to play with.
402
+
403
+ The two rats will play with each other a bit.
404
+
405
+ I spent time in a board and run away into
406
+
407
+ it during sniffing and grooming.
408
+
409
+ If you put them back together a little bit later,
410
+
411
+ don't just ignore each other again.
412
+
413
+ They remember, Oh, it's this right?
414
+
415
+ But if they're given a new rat again, explore and
416
+
417
+ extending, you know, sniff each other and greet each other,
418
+
419
+ and all those things that rats do when they interact.
420
+
421
+ So you can measure that systematically how much times these
422
+
423
+ two animals interact with each other and use that as
424
+
425
+ a measure of social recognition.
426
+
427
+ So if you were to damage the ability to do
428
+
429
+ social recognition, a rat can't do that.
430
+
431
+ We just treat all rats as if they knew they
432
+
433
+ won't trust, will not know who it's mated with, who
434
+
435
+ is it's daughters or sons or in terms of rat
436
+
437
+ pups.
438
+
439
+ It would just it wouldn't have that ability.
440
+
441
+ So that's one way to measure it more.
442
+
443
+ Find ways to use a social discrimination procedure that's been
444
+
445
+ used extensively in bowls.
446
+
447
+ So put the test participant in the neutral middle chamber
448
+
449
+ with door flaps that can run through doorways into other
450
+
451
+ chambers.
452
+
453
+ What they'll do is have one.
454
+
455
+ Another animal on one of these is tethered, is a
456
+
457
+ little tether around its legs.
458
+
459
+ They can't escape that chamber.
460
+
461
+ Just briefly, for the purposes of a short experiment and
462
+
463
+ another chamber with another one with a little tether.
464
+
465
+ That's what shown here holding.
466
+
467
+ It's like they can't get into the middle chamber, an
468
+
469
+ experiment test whether the devil in the middle will spend
470
+
471
+ more time with the partner than it's mated with recently
472
+
473
+ might be.
474
+
475
+ Or it might be.
476
+
477
+ It could test lots of things, but typically it might
478
+
479
+ be a partner that the vole has mated with or
480
+
481
+ obviously spent a lot of time with to invest the
482
+
483
+ time with or completely unknown vole that it doesn't know,
484
+
485
+ or it could just hang out in the middle.
486
+
487
+ But what this this fascinating work, there's a review we
488
+
489
+ recommend you read in the reading material and so in
490
+
491
+ young which really explored all of this work was there
492
+
493
+ are two two different distinct species that probably more but
494
+
495
+ two distinct species of vole, a montane voles, a prairie
496
+
497
+ voles.
498
+
499
+ There they look almost identical, but they have different genetic
500
+
501
+ backgrounds and different environments.
502
+
503
+ Now what you can see is this time spent in
504
+
505
+ each of the chambers and we've colour coded these.
506
+
507
+ So the green period is the partner one, the neutral
508
+
509
+ one is the sort of purple one and the beige
510
+
511
+ one is the stranger.
512
+
513
+ So what you can see for Montane Voles is they
514
+
515
+ don't.
516
+
517
+ Let this go in the middle is just mated with
518
+
519
+ this other one, but it would rather spend time on
520
+
521
+ its own.
522
+
523
+ It's just going to spend time sitting here grooming, maybe
524
+
525
+ eating and doing what it wants to do, but it
526
+
527
+ doesn't really distinguish between the two other goals.
528
+
529
+ That's not true of prairie voles.
530
+
531
+ They're less likely than anywhere to be in the neutral
532
+
533
+ chamber, and they're very late to spend time with a
534
+
535
+ stranger.
536
+
537
+ What they spend most that time is with the partner
538
+
539
+ they've made up with each other.
540
+
541
+ That's helpful.
542
+
543
+ So this shows these two different species that look very
544
+
545
+ similar, have very different social behaviours.
546
+
547
+ And as you can see in the wild, these, these
548
+
549
+ variables will mate and the bond and they'll spend time
550
+
551
+ together and they'll snuggle up.
552
+
553
+ If I go right back to this early picture.
554
+
555
+ That's two prairie voles together with their offspring.
556
+
557
+ And they really co-invest and raise those offspring together.
558
+
559
+ So that's one way.
560
+
561
+ So what's different with these these voles?
562
+
563
+ What's different between montane and prairie voles?
564
+
565
+ And this review goes into this in a lot of
566
+
567
+ detail.
568
+
569
+ And so for this lecture and we've got 40 minutes,
570
+
571
+ I'm just going to highlight a key takeaway message, and
572
+
573
+ that is when you look at the brains of Montane
574
+
575
+ voles and prairie voles is a particular molecule or two
576
+
577
+ particular molecules that appear to be different.
578
+
579
+ Oxytocin, the vasopressin, come on to explain those in the
580
+
581
+ next slide.
582
+
583
+ So these two molecules are much more abundant.
584
+
585
+ They have many more receptors in key areas of the
586
+
587
+ brain for motivation in prairie voles than they do in
588
+
589
+ montane voles.
590
+
591
+ So what's going on?
592
+
593
+ So they discovered this.
594
+
595
+ What's going on?
596
+
597
+ Why these molecules?
598
+
599
+ Well, the next experimental thing is for scientists to do
600
+
601
+ is let's manipulate that.
602
+
603
+ What if we were to inject these voles with oxytocin?
604
+
605
+ What happens if we boost it artificially?
606
+
607
+ Or what if we knock it out by giving a
608
+
609
+ drug that stops them working?
610
+
611
+ A lot of that painstaking work over decades of research,
612
+
613
+ lots of graphs, statistics, publications, somebody just put it together
614
+
615
+ in a cartoon slide to explain a lot of billions
616
+
617
+ of US dollars being spent.
618
+
619
+ What you're looking at the top is two voles.
620
+
621
+ And what brought to this picture to me, but they're
622
+
623
+ mainly work is work is on voles.
624
+
625
+ And what they'll do is what this thing at the
626
+
627
+ top is.
628
+
629
+ Normally this slide would be even clearer, is that typically
630
+
631
+ the two would be the thing with love with each
632
+
633
+ other for the diagram.
634
+
635
+ But the top one, the male profile has been injected
636
+
637
+ with very suppresses and he hasn't before mating.
638
+
639
+ So the two the two goals here typically ignore each
640
+
641
+ other.
642
+
643
+ In this first instance, they don't know each other that
644
+
645
+ strangers.
646
+
647
+ If we go back to that previous slide, this is
648
+
649
+ this state here.
650
+
651
+ The stranger doesn't care, the verbal.
652
+
653
+ But what they've done in this experiment is inject visa
654
+
655
+ pressing into the male.
656
+
657
+ Now he keeps trying to snuggle up to the female,
658
+
659
+ but what does she do?
660
+
661
+ She runs off.
662
+
663
+ She doesn't know.
664
+
665
+ She's not interested in it.
666
+
667
+ And so that's what this diagram, this this illustration is
668
+
669
+ sort of looking away.
670
+
671
+ What is this male sorry to do here?
672
+
673
+ What if they inject oxytocin into the female?
674
+
675
+ You get the same effect the other way round.
676
+
677
+ Now the female is trying to couple up with the
678
+
679
+ male, but the male is confused and running off.
680
+
681
+ Normally, if they mated together, they would both show higher
682
+
683
+ vasopressin oxytocin levels, but they're not.
684
+
685
+ So this showing that you can boost this bonding process
686
+
687
+ just by injecting one chemical that turns out to be
688
+
689
+ very depressing for male voles and oxytocin for female voles.
690
+
691
+ They're different.
692
+
693
+ They work slightly different in these two species and humans.
694
+
695
+ It's a more mixed picture.
696
+
697
+ It isn't that simple for other animals, but for voles,
698
+
699
+ it turns out to be these two, this to just
700
+
701
+ this way.
702
+
703
+ Right?
704
+
705
+ So the problem here is that's the period before.
706
+
707
+ This is about confusing the animals, artificially boosting bonding when
708
+
709
+ it hasn't happened down at the bottom is saying they
710
+
711
+ have mated.
712
+
713
+ Now, these two, those should have enough eyes for each
714
+
715
+ other and be snuggled up.
716
+
717
+ And that's indeed what the female is doing after mating
718
+
719
+ here.
720
+
721
+ But they've injected an antagonist, a blocker agent pervasive present
722
+
723
+ in the male and that he's not wanting to couple
724
+
725
+ up and bond.
726
+
727
+ So they've turned off his natural inclination to snuggle up
728
+
729
+ with the female and invest time with her just by
730
+
731
+ injecting one chemical change this entire behaviour and then they
732
+
733
+ find they can do the exact same thing with the
734
+
735
+ female just using oxytocin antagonist.
736
+
737
+ They've blocked oxytocin after meeting in the female and now
738
+
739
+ she's sort of in this illustration telling him he's a
740
+
741
+ loser and he should get lost in this illustration to
742
+
743
+ highlight what the scientists are inferring because is much more
744
+
745
+ biological than then.
746
+
747
+ To this, what's going on?
748
+
749
+ Let's turn to the anatomy now.
750
+
751
+ Let's turn to the human brain.
752
+
753
+ The brain is sitting at this lecture theatre in front
754
+
755
+ of me.
756
+
757
+ And so here's a here's a sagittal section through the
758
+
759
+ human brain.
760
+
761
+ You can see the pons and the midbrain and so
762
+
763
+ on.
764
+
765
+ And if we zoom in on this bit underneath the
766
+
767
+ corpus callosum, we have the thalamus in the middle here.
768
+
769
+ Here we have a region of the brain underneath the
770
+
771
+ thalamus called the hypothalamus, and we learned about it in
772
+
773
+ lecture last Monday going on stress.
774
+
775
+ We talked about the anterior pituitary previously as the output
776
+
777
+ of the stress hormones, a hormone that goes in activates
778
+
779
+ the adrenal cortical to growth hormone from the anterior.
780
+
781
+ Now we're going to look at the posterior pituitary.
782
+
783
+ The anterior is involved in stress.
784
+
785
+ The posterior is involved in that building process.
786
+
787
+ So what the scientists discovered, looking at the voles and
788
+
789
+ then exploring in humans, is that there's a particular nucleus,
790
+
791
+ the power of ventricular nucleus.
792
+
793
+ It's very similar in your brain as a mammal to
794
+
795
+ evolved, very similar.
796
+
797
+ It just sits next to a bit ventricles.
798
+
799
+ That's the reason that gets his name.
800
+
801
+ There's also a super optic nucleus just above the optic
802
+
803
+ plasma.
804
+
805
+ That's where it gets its name from.
806
+
807
+ So these two nuclei have nothing to do with ventricles
808
+
809
+ or optic fibre optic pathways.
810
+
811
+ It's just the name comes from where they're located in
812
+
813
+ the brain, but they're tiny nuclei.
814
+
815
+ They have more than five cells.
816
+
817
+ This illustrations obviously schematic, but these are these are the
818
+
819
+ bodies with cells that act with dendrites and they have
820
+
821
+ axons, a good tone and an interface onto the blood
822
+
823
+ cell, the blood, the circulation system, the capillaries.
824
+
825
+ And they release, as is shown here, oxytocin, invasive breast
826
+
827
+ and into the bloodstream from the Stewart the posterior pituitary
828
+
829
+ gland.
830
+
831
+ So typically this is what's known as neuroendocrine communication.
832
+
833
+ So here we have our classic sounds of them and
834
+
835
+ talked about in lecture three about sign ups, this and
836
+
837
+ the transmitter systems.
838
+
839
+ You also have endocrine responses in your body where you
840
+
841
+ have hormones that operate here, like puberty is driven by
842
+
843
+ our hormones.
844
+
845
+ Here.
846
+
847
+ What we're talking about is this other third pathway where
848
+
849
+ you've got neurones that are connecting into the blood and
850
+
851
+ releasing.
852
+
853
+ This is known as neuroendocrine function.
854
+
855
+ And that's how this this process is occurring.
856
+
857
+ Now, this slide takes us on the journey from voles
858
+
859
+ in a lab and injecting them to humans rather than
860
+
861
+ injecting humans.
862
+
863
+ They will take a nasal infusion of oxytocin into people's
864
+
865
+ nose and get it through circulating up into the brain.
866
+
867
+ And then what they found is that there's a whole
868
+
869
+ range of different experiments.
870
+
871
+ But one is that to show that oxytocin changes the
872
+
873
+ way in which we treat faces, it's been a bit
874
+
875
+ controversial.
876
+
877
+ There's, you know, trying to get these expressed.
878
+
879
+ Replicate can vary because not everyone reacts.
880
+
881
+ Some people are really good at facial detection and others
882
+
883
+ not so good.
884
+
885
+ And these individual differences can be a challenge.
886
+
887
+ But overall, the evidence weights the oxytocin and upregulate your
888
+
889
+ ability for social processing.
890
+
891
+ So detecting people, treating a neutral face is a slightly
892
+
893
+ more positive game.
894
+
895
+ Experiments where you have to trust other people to solve
896
+
897
+ problems apparently are sort of elevated by oxytocin.
898
+
899
+ But here's an experiment shown here by DOMS without biological
900
+
901
+ psychiatry where they injected a placebo, so nothing going into
902
+
903
+ the body or oxytocin or not injected these infusion again.
904
+
905
+ And you can see, going back to Solomon's lectures, the
906
+
907
+ amygdala responses to angry faces in the placebo condition is
908
+
909
+ really high.
910
+
911
+ There's an emotional response basically to these against the neutral
912
+
913
+ faces.
914
+
915
+ But what you see is that this is dampened so
916
+
917
+ you get less reactivity, too fearful or angry, but in
918
+
919
+ fact happy faces.
920
+
921
+ So the whole thing sort of reactivity in the amygdala
922
+
923
+ is lowered.
924
+
925
+ That means that you're more likely to approach people, you're
926
+
927
+ more likely to engage in activities of behaviours.
928
+
929
+ That bonding process is what's argued by these authors.
930
+
931
+ And there's a review in 2009 in Frontiers in neuro
932
+
933
+ and chronology.
934
+
935
+ So just to take that from a lab experiment, injecting
936
+
937
+ people in the lab looking at brain scans is a
938
+
939
+ real world example like I gave in the Fitbit on
940
+
941
+ Monday.
942
+
943
+ This is a couple of Nick Fleming and Linda Gaddis,
944
+
945
+ who had their blood molecules, had their blood circulation taken.
946
+
947
+ Here's Linda.
948
+
949
+ Having her blood extracted on her wedding day, consented to
950
+
951
+ a centrifuge and examined out her wedding alongside her husband,
952
+
953
+ their parents, for their close friends and various people.
954
+
955
+ And this is a wedding I actually attended.
956
+
957
+ So is that what you're going to write it up
958
+
959
+ for?
960
+
961
+ The Daily Mail?
962
+
963
+ So this became known as the cuddle, the cuddle chemical
964
+
965
+ oxytocin in the study.
966
+
967
+ And what is this?
968
+
969
+ This just highlights the kind of thing that would occur.
970
+
971
+ And this is to give a real life example.
972
+
973
+ A month later, after the wedding, Linda got an email
974
+
975
+ from Zach, the research scientist.
976
+
977
+ And to her delight, the predictions were correct over oxytocin.
978
+
979
+ Her husband Nick, and her experienced rise in the the
980
+
981
+ love hormone with the cuddle chemical or oxytocin during the
982
+
983
+ ceremony and the mother of the bride, the father and
984
+
985
+ the relatives, they all boosted.
986
+
987
+ But the friends were more mixed to experience the rise.
988
+
989
+ But five didn't.
990
+
991
+ Perhaps they were not feeling the love.
992
+
993
+ So that's the way the Daily Mail has covered this
994
+
995
+ kind of research.
996
+
997
+ And you should be sceptical.
998
+
999
+ Be careful about overinterpreting.
1000
+
1001
+ This is the love molecule.
1002
+
1003
+ It's a molecule that is raised and you can see
1004
+
1005
+ that that actually does fit the predictions that these these
1006
+
1007
+ molecules will rise in a small sample in a very
1008
+
1009
+ particular scenario.
1010
+
1011
+ But it's a very well studied phenomenon.
1012
+
1013
+ The rise in oxytocin relates to social bonding, but it
1014
+
1015
+ does more than that.
1016
+
1017
+ So there's a really nice article called Oxytocin, the Great
1018
+
1019
+ Facilitator of Life.
1020
+
1021
+ And we're looking at this period here, social recognition, and
1022
+
1023
+ we've been talking about social bonding and mate choice and
1024
+
1025
+ feeling of trust and recognising social partners and children involved
1026
+
1027
+ in play, but it's also involved in a whole lot
1028
+
1029
+ of things that enable, as you can see here, through
1030
+
1031
+ sexual behaviour, dampening aggression, potentially unintended childbirth, raising children, tiny
1032
+
1033
+ babies through lactation and improper parenting is the mother right
1034
+
1035
+ through.
1036
+
1037
+ So they've argued this this whole cycle of life or
1038
+
1039
+ maintenance as a species is somewhat dependent on oxytocin functioning.
1040
+
1041
+ But it's not the only one like oxytocin works with
1042
+
1043
+ others.
1044
+
1045
+ There's things like serotonin and adrenaline.
1046
+
1047
+ To all these molecules you need.
1048
+
1049
+ Oxytocin appears to play this great, facilitative process that improves
1050
+
1051
+ and enhances all these things.
1052
+
1053
+ So that's the first part of the lecture I'm now
1054
+
1055
+ going to focus.
1056
+
1057
+ I've been talking about the bonding process here.
1058
+
1059
+ I'm not going to look at this bit parenting, what
1060
+
1061
+ happens in maternal and paternal behaviours.
1062
+
1063
+ There's a really great review.
1064
+
1065
+ It's quite sure maybe four pages by Dulac and colleagues
1066
+
1067
+ in science from 2014 on the Moodle page is also
1068
+
1069
+ a short 15 minute video.
1070
+
1071
+ The Catherine du Lac is one of the best researchers
1072
+
1073
+ in the world on this.
1074
+
1075
+ Just talks through the camera about parenting process and what
1076
+
1077
+ she's uncovered in her work and various prestigious institutes and
1078
+
1079
+ what they've been able to do.
1080
+
1081
+ It is absolutely remarkable when we dive into this work.
1082
+
1083
+ So what they've shown in this work is that parenting
1084
+
1085
+ occurs in a surprisingly large variety of vertebrates and invertebrates
1086
+
1087
+ insects, arachnids, molluscs, fish recipients, reptiles, birds and of course,
1088
+
1089
+ mammals.
1090
+
1091
+ We've been talking about I've been talking about mammals all
1092
+
1093
+ the way through here.
1094
+
1095
+ But you have beetles that carry around their young.
1096
+
1097
+ You have frogs that occur after they're young, you have
1098
+
1099
+ birds and of course birds.
1100
+
1101
+ And the most classic thing is birds.
1102
+
1103
+ They have to look after their nests with their eggs
1104
+
1105
+ in it.
1106
+
1107
+ They have to pay it.
1108
+
1109
+ Young, bring them food when they hatch.
1110
+
1111
+ And so so there's a lot of analysis of parenting.
1112
+
1113
+ The most common form of parenting is its female unit,
1114
+
1115
+ parental.
1116
+
1117
+ That means that the female is giving birth to the
1118
+
1119
+ young and takes the majority of the role in raising
1120
+
1121
+ that young.
1122
+
1123
+ The male may lost.
1124
+
1125
+ She's responsible and that accounts for that.
1126
+
1127
+ And that's, as noted here, to carry the offspring.
1128
+
1129
+ She has them.
1130
+
1131
+ But there are many species that show this by parental
1132
+
1133
+ care.
1134
+
1135
+ Birds are amazing.
1136
+
1137
+ When 90% of birds are shown in examples here, both
1138
+
1139
+ parents are involved in raising the young.
1140
+
1141
+ And that's partly to do with the one of them
1142
+
1143
+ sitting on the eggs and looking after them.
1144
+
1145
+ But the challenge of bringing food in for their offspring
1146
+
1147
+ means the birds are particularly, you know, we'll spend a
1148
+
1149
+ lot of co-investment.
1150
+
1151
+ But that's also true of snakes and reptiles in some
1152
+
1153
+ cases.
1154
+
1155
+ Then they share this.
1156
+
1157
+ But there are also some species of bird important to
1158
+
1159
+ be aware of where there's a male unique parents.
1160
+
1161
+ Also stickleback fish or a good example.
1162
+
1163
+ And seahorses are not shown here, but they show particular
1164
+
1165
+ male that the female will lay the eggs, but the
1166
+
1167
+ male will then take over the role of raising those
1168
+
1169
+ young to the point at which they're they grow up
1170
+
1171
+ and become independent.
1172
+
1173
+ So it's quite fascinating.
1174
+
1175
+ So what's what's the takes on this new lots of
1176
+
1177
+ different species here.
1178
+
1179
+ But one of the conclusions of studying them in Europe
1180
+
1181
+ biologically is that there appear to be across beetles to
1182
+
1183
+ the to the stickleback fish through the reptiles and amphibians
1184
+
1185
+ here, all the way through birds and mammals at the
1186
+
1187
+ top are highly conserved, antagonistic circuits.
1188
+
1189
+ What I mean by antagonistic these things don't work together.
1190
+
1191
+ They are on or off.
1192
+
1193
+ You can't be doing this and that.
1194
+
1195
+ They are antagonistic in controlling either the activity of social
1196
+
1197
+ bonding, parental behaviour, or aggressive behaviour towards offspring.
1198
+
1199
+ And adult animals can display parental care or aggression according
1200
+
1201
+ to their physiological state.
1202
+
1203
+ Are they ready to do that?
1204
+
1205
+ And what is the environment?
1206
+
1207
+ So it's a combination of that.
1208
+
1209
+ So these are these are statements.
1210
+
1211
+ These are course conclusions that come from that review, and
1212
+
1213
+ we'll dive into those in a moment.
1214
+
1215
+ But it's worth being aware, we live in quite a
1216
+
1217
+ civilised vertical society that if you step out of the
1218
+
1219
+ door, you're not going to see a huge amount of
1220
+
1221
+ aggression, I hope, today.
1222
+
1223
+ But I have to go back more than 200 years
1224
+
1225
+ and you would see a lot of aggression in humans
1226
+
1227
+ and there is a lot of aggression in other parts
1228
+
1229
+ of the world.
1230
+
1231
+ Very sadly, there are wars going on.
1232
+
1233
+ We are quite violent species.
1234
+
1235
+ But that's also true of a lot of other mammals
1236
+
1237
+ and other species.
1238
+
1239
+ There's a lot of fighting for survival out there, and
1240
+
1241
+ that requires that fighting and obtaining the the nutrients and
1242
+
1243
+ the food and water you need requires aggression.
1244
+
1245
+ You have to fight for things, for survival that Lucian
1246
+
1247
+ has built into the brain of these mammals and other
1248
+
1249
+ other vertebrates.
1250
+
1251
+ Aggressive behaviour to survive.
1252
+
1253
+ But whether they're aggressive or caring depends on the situation.
1254
+
1255
+ So this is a graph from that paper that'll take
1256
+
1257
+ a little while to unpack.
1258
+
1259
+ So what we can see here and explain the y
1260
+
1261
+ axis, first of all, this y axis, and this comes
1262
+
1263
+ from a this review.
1264
+
1265
+ As I said, here's some quick actions.
1266
+
1267
+ If you look at the Y axis is what percentage
1268
+
1269
+ of a group of male laboratory mice, these are males
1270
+
1271
+ who are virgin as and they're not they're not mated
1272
+
1273
+ previously.
1274
+
1275
+ And they're previously this is this is a graph after
1276
+
1277
+ those male cf1 strain mice have first and they're like
1278
+
1279
+ mated.
1280
+
1281
+ So they have mated.
1282
+
1283
+ They're not going to have offspring.
1284
+
1285
+ And what it shows you in the initial period before
1286
+
1287
+ or just after that is the natural behaviour.
1288
+
1289
+ This is what most male male mice will do, and
1290
+
1291
+ this is quite similar to a lot of other rodent
1292
+
1293
+ species and other mammals.
1294
+
1295
+ Lions, for example, BE The classic example is that most
1296
+
1297
+ of the time, given the opportunity, if that mice finds
1298
+
1299
+ another unprotected pup in other mice, it will attack it,
1300
+
1301
+ it'll destroy it.
1302
+
1303
+ It's, it's trying to unless it's a pup, it won't,
1304
+
1305
+ it will treat it with attack.
1306
+
1307
+ It might ignore it in many cases.
1308
+
1309
+ Occasionally it might retrieve that pup.
1310
+
1311
+ There might be social circumstances under which it gets activated
1312
+
1313
+ to help retrieve that problem.
1314
+
1315
+ But you can see just in the spirit this fluctuates
1316
+
1317
+ from here.
1318
+
1319
+ 80% of all the male mice to looking at Habitat,
1320
+
1321
+ the men being given this experiment just a few days
1322
+
1323
+ after mating.
1324
+
1325
+ But then there's a radical shift in these male mice.
1326
+
1327
+ His brain.
1328
+
1329
+ Something is switching off that aggressive circuit, and it dropped
1330
+
1331
+ to 10% of them are attacking and 80% of them
1332
+
1333
+ are switching to retrieving pups.
1334
+
1335
+ That can't be their own pups because they've just mated.
1336
+
1337
+ But it will be other pups they find scattered in
1338
+
1339
+ the environment.
1340
+
1341
+ And that slowly declines and is a shift after about
1342
+
1343
+ 60 days.
1344
+
1345
+ And the idea is that they're.
1346
+
1347
+ Is a rapid a period where they need to avoid
1348
+
1349
+ attacking to support the female.
1350
+
1351
+ But after that period isn't that they will typically be
1352
+
1353
+ left that scenario and they'll be back to their standard
1354
+
1355
+ state and switching.
1356
+
1357
+ So what we get out of this experiment, is it
1358
+
1359
+ really true?
1360
+
1361
+ Is it real physiological change induced by that process of
1362
+
1363
+ mating?
1364
+
1365
+ And so we can see a similar pattern to what's
1366
+
1367
+ going on here in wild female mice.
1368
+
1369
+ But that doesn't happen in laboratory female mice, intriguingly, that
1370
+
1371
+ sort of they've been bred to be a bit more
1372
+
1373
+ docile and nicer to pups.
1374
+
1375
+ That's what ends up being used in lab experiments.
1376
+
1377
+ They're not as aggressive.
1378
+
1379
+ So what causes that?
1380
+
1381
+ So this is a great grass in Davidson, could be
1382
+
1383
+ in the wild watching this and describing it and say,
1384
+
1385
+ Wow, look at this.
1386
+
1387
+ Amazing behaviour is a remarkable behaviour we can see in
1388
+
1389
+ the animal kingdom.
1390
+
1391
+ But you're not in nature show.
1392
+
1393
+ You're in a neurobiology lecture.
1394
+
1395
+ Why?
1396
+
1397
+ Why do we get this?
1398
+
1399
+ Well, what these scientists have done their research is this
1400
+
1401
+ their time dependent?
1402
+
1403
+ So in that process, synaptic changes to the sign ups
1404
+
1405
+ as there have a changing in those male mice brains
1406
+
1407
+ and rest transcriptional.
1408
+
1409
+ So that's within the DNA you're having different readout of
1410
+
1411
+ the genes is a change in gene expression and triggered
1412
+
1413
+ by that mating process.
1414
+
1415
+ So that mating process causes the release of different chemical
1416
+
1417
+ cues that change that.
1418
+
1419
+ And some of them are released by females during pregnancy,
1420
+
1421
+ can drive that radical behaviour shift from killing to parenting.
1422
+
1423
+ What they found is if you disrupt the verbal maze
1424
+
1425
+ Logan in wild male virgin males, it will reduce that
1426
+
1427
+ process.
1428
+
1429
+ If I go back to that graph here, you took
1430
+
1431
+ a mouse, take a group of mice and you disrupt
1432
+
1433
+ their vulnerable needs.
1434
+
1435
+ Logan They normally would attack, but the ones we don't
1436
+
1437
+ have the capacity to detect those cues drop down.
1438
+
1439
+ They start behaving as if they mated.
1440
+
1441
+ They're no longer detecting the signals that cause them to
1442
+
1443
+ attack.
1444
+
1445
+ So that formalised logic is not just useful for going,
1446
+
1447
+ oh, detecting your friends or your children, but detecting strangers
1448
+
1449
+ for the mice.
1450
+
1451
+ Why they attacking these pups?
1452
+
1453
+ Is it trying to preserve their own particular gene pool
1454
+
1455
+ of their own genes?
1456
+
1457
+ If they can make the mouse, the male mice can
1458
+
1459
+ maybe all the other female mice and it can have
1460
+
1461
+ its offspring grow up.
1462
+
1463
+ The best thing it can do is kill off the
1464
+
1465
+ other competitors children.
1466
+
1467
+ And again, there are lots of other mammals that do
1468
+
1469
+ this.
1470
+
1471
+ Lions or the famous example, it will kill a new
1472
+
1473
+ line and just the bride takes it will kill the
1474
+
1475
+ the cubs from the other lions.
1476
+
1477
+ That happens to be in that pride.
1478
+
1479
+ But you also see these going to patterns and berry
1480
+
1481
+ burying beetles.
1482
+
1483
+ So not just vertebrates and lots of birds.
1484
+
1485
+ The changes in the female are more varied.
1486
+
1487
+ So you have the well known features to do with
1488
+
1489
+ oestrogen.
1490
+
1491
+ Progesterone and prolactin are all three hormones that circulate through
1492
+
1493
+ the body in females during pregnancy that change that maternal
1494
+
1495
+ behaviour in males.
1496
+
1497
+ There's also testosterone very familiar culturally with the idea of
1498
+
1499
+ testosterone is linked to aggression.
1500
+
1501
+ It regulates a lot of that is very high in
1502
+
1503
+ the males and it can be reduced in fathers to
1504
+
1505
+ produce less aggressive behaviour.
1506
+
1507
+ But of course this varies.
1508
+
1509
+ I always remember all these things vary between people.
1510
+
1511
+ That graph shows you this.
1512
+
1513
+ There are some, you know, some animals, some of these
1514
+
1515
+ males after after mating, they're still attacking and killing and
1516
+
1517
+ there are some before they mated that are not doing
1518
+
1519
+ that.
1520
+
1521
+ So just be aware.
1522
+
1523
+ There's a lot of variation out there too.
1524
+
1525
+ Now, I've written on this slide down memory you do
1526
+
1527
+ not need for the exam to memorise the layout and
1528
+
1529
+ the interconnections of all these nuclei.
1530
+
1531
+ That's not what this is about.
1532
+
1533
+ This is a this is a figure four from that
1534
+
1535
+ really great review.
1536
+
1537
+ What you need to take away for this second module
1538
+
1539
+ is that there are two of these circuits.
1540
+
1541
+ One circuit is involved in parental care and one circuit.
1542
+
1543
+ This involves an aggression, so particularly violence towards other strangers
1544
+
1545
+ and pups.
1546
+
1547
+ And the important point here is that these two circuits
1548
+
1549
+ are linked.
1550
+
1551
+ You can see the accessory olfactory bulb.
1552
+
1553
+ That's the pathway you heard in the slide three where
1554
+
1555
+ I talked about the vulnerable days and going to this
1556
+
1557
+ area.
1558
+
1559
+ And it projects into the aggressive aggression circuit.
1560
+
1561
+ And if you damage that that circuit, it won't get
1562
+
1563
+ turned on as much.
1564
+
1565
+ They're not going to show as much aggression.
1566
+
1567
+ The here we have another circuit involved in parental care
1568
+
1569
+ that can get switched on.
1570
+
1571
+ And instead they have they have these two interacting circuits.
1572
+
1573
+ So they will, if one is on the axons from
1574
+
1575
+ these brain areas, will terminate.
1576
+
1577
+ And a lot of these other is to shut them
1578
+
1579
+ down.
1580
+
1581
+ They'll be negative impact and vice versa because you can't
1582
+
1583
+ be both aggressive parenting at the same time.
1584
+
1585
+ That's just because you just can't do the two different
1586
+
1587
+ behaviours.
1588
+
1589
+ So you notice to you there are a lot of
1590
+
1591
+ other brain areas we come across.
1592
+
1593
+ We've got here various areas in the amygdala that are
1594
+
1595
+ important for Christmas, think parental care and we've got the
1596
+
1597
+ prefrontal.
1598
+
1599
+ Text.
1600
+
1601
+ It's receiving and sending information back in.
1602
+
1603
+ And you have again to remind you have a lecture
1604
+
1605
+ at the end of the course and what the prefrontal
1606
+
1607
+ cortex is doing by Professor Paul Burgess.
1608
+
1609
+ So we come back to that.
1610
+
1611
+ You can hold on to this for the moment that
1612
+
1613
+ the prefrontal cortex, it shows a modulatory control in a
1614
+
1615
+ lot of behaviour.
1616
+
1617
+ One of them is the the exertion of parental control.
1618
+
1619
+ So these two circuits exist and they they're antagonistic.
1620
+
1621
+ What do we know about them?
1622
+
1623
+ Is that the aversive circuit?
1624
+
1625
+ First of all, that that red one is dominant.
1626
+
1627
+ It's the one in charge most of the time in
1628
+
1629
+ female virgin rats and male virgin rats.
1630
+
1631
+ We talked about in lab female rats, mice and rats.
1632
+
1633
+ The same sort of idea here that can can be
1634
+
1635
+ quite docile.
1636
+
1637
+ But generally that aggressive circuit is long.
1638
+
1639
+ It will it will lead them to survive more.
1640
+
1641
+ The aggression will save them as a as a rodent
1642
+
1643
+ post-partum.
1644
+
1645
+ So after mating and the desensitisation that occurs with in
1646
+
1647
+ females, there's this hormonal neuro modulatory experience dependent factors that
1648
+
1649
+ activate that, that other affiliated circuit that also acts to
1650
+
1651
+ silence that that that the circuit, the one that does
1652
+
1653
+ the aggression and avoidance.
1654
+
1655
+ So just to highlight here it does this this is
1656
+
1657
+ the avoidance and aggression.
1658
+
1659
+ I've mainly talked about fighting, doing things, but this circuit
1660
+
1661
+ is also important for just ignoring, running right, just not
1662
+
1663
+ caring all these behaviours that again, are part of survival
1664
+
1665
+ for for mice and rats.
1666
+
1667
+ As part of us walks the toasting we talked about.
1668
+
1669
+ That is really key in the initiation of that material
1670
+
1671
+ behaviour.
1672
+
1673
+ So we talked about if you inject these goals with
1674
+
1675
+ oxidation, they won't thorns, but they also won't treat their
1676
+
1677
+ children.
1678
+
1679
+ They won't do the licking and grooming that we heard
1680
+
1681
+ about under the stress lecture.
1682
+
1683
+ So it really is important for oxytocin to be to
1684
+
1685
+ be to be engaged for that.
1686
+
1687
+ There's an area we're going to talk about next week
1688
+
1689
+ in the detail of the ventral segmental area.
1690
+
1691
+ We spend a lot of time talking about that and
1692
+
1693
+ the molecules don't the mean and that's involved.
1694
+
1695
+ It's a state just at this point, this brain areas
1696
+
1697
+ involved in initiating this process and maintaining the behavioural maternal
1698
+
1699
+ behaviour.
1700
+
1701
+ So oxytocin is not shown here, but bonds on the
1702
+
1703
+ receptors in the ventral segmental area and the ventral segmental
1704
+
1705
+ areas you hear next week is the brain area that
1706
+
1707
+ motivates and drives animals to do things again and again.
1708
+
1709
+ So in this case, the drive here is that the
1710
+
1711
+ animal is the, the, the females to really spend time
1712
+
1713
+ investing with a the pups and be the partners.
1714
+
1715
+ So that brain area is key for drives initiating and
1716
+
1717
+ maintaining that behaviour.
1718
+
1719
+ We'll come on to how it does that for all
1720
+
1721
+ sorts of things.
1722
+
1723
+ So people, the things we get involved in are habits,
1724
+
1725
+ bad habits, Ferals that driven by this all depends on
1726
+
1727
+ the situation.
1728
+
1729
+ But beyond that there's also adrenaline and serotonin.
1730
+
1731
+ Serotonin.
1732
+
1733
+ These circuits are involved in maternal behaviours.
1734
+
1735
+ Just to highlight in this picture here you have these
1736
+
1737
+ various brain structures showing up here and these are the
1738
+
1739
+ areas, the rough and the locus to release these two
1740
+
1741
+ brain areas that release that involved in in regulating our
1742
+
1743
+ attention, our arousal and our focus.
1744
+
1745
+ These here appear to be part of that circuit that's
1746
+
1747
+ involved in paternal care.
1748
+
1749
+ And so these are also involved in that in that
1750
+
1751
+ process.
1752
+
1753
+ So just to end on, I'll talk through one experiment
1754
+
1755
+ that just gives a really good two experiments.
1756
+
1757
+ This one and the next one is a wrap up
1758
+
1759
+ today's lecture.
1760
+
1761
+ This is a figure from a news and Views article.
1762
+
1763
+ So Rodriguez are writing up, trying to explain this experiment.
1764
+
1765
+ But another group had done so.
1766
+
1767
+ What they did in this experiment to understand the maternal
1768
+
1769
+ paternal process for male and female is what's happening in
1770
+
1771
+ their brains.
1772
+
1773
+ And in this case they're looking at the medial pre
1774
+
1775
+ optic area of the hypothalamus.
1776
+
1777
+ So earlier on in this lecture, I showed you the
1778
+
1779
+ hypothalamus and I explained this like a number of different
1780
+
1781
+ nuclei within there.
1782
+
1783
+ One of these is called the medial pre optic area.
1784
+
1785
+ It's got nothing to do with optics.
1786
+
1787
+ It just happens to be next to the optic nerve.
1788
+
1789
+ So the medial pre optic area and after the animals
1790
+
1791
+ have mated, you tend to get activation of neurones in
1792
+
1793
+ this brain area.
1794
+
1795
+ They're not as active before, but they become activated after
1796
+
1797
+ mating this small bit of brain area.
1798
+
1799
+ And that's what's indicated here by the red neurones.
1800
+
1801
+ These are neurones that are sending out the highly active,
1802
+
1803
+ the sending out transmission, That transmission of those neurones of
1804
+
1805
+ the medial pre optic area they're arguing is driving that
1806
+
1807
+ parental behaviour.
1808
+
1809
+ And the reason they're finding these are critical is that
1810
+
1811
+ they can go in and they can deplete those neurones
1812
+
1813
+ just in that one tiny area.
1814
+
1815
+ You barely see it in the brain.
1816
+
1817
+ They've gone in and selectively damage those neurones by clever
1818
+
1819
+ chemical techniques.
1820
+
1821
+ But after that process you get no parental behaviour from
1822
+
1823
+ the female or the male remaining looking at female mice
1824
+
1825
+ and experienced male mice and experienced female mice.
1826
+
1827
+ Like I mentioned, it's the virgin males where you don't
1828
+
1829
+ get this pattern right.
1830
+
1831
+ These all show this, this.
1832
+
1833
+ If you damage this, you don't get this parental type
1834
+
1835
+ behaviours.
1836
+
1837
+ So that's the grooming, the retrieving pups and taking care
1838
+
1839
+ of them.
1840
+
1841
+ Okay, that's, that's one experiment to show it's important.
1842
+
1843
+ That's one way of doing it.
1844
+
1845
+ But ask these these four groups, virgin females, experienced males
1846
+
1847
+ who mated and experienced females and mated experience here is
1848
+
1849
+ little about mating on the right hand side.
1850
+
1851
+ Now, this is for me.
1852
+
1853
+ This is why this paper was published in science.
1854
+
1855
+ That first experiments.
1856
+
1857
+ Okay.
1858
+
1859
+ It damaged the brain.
1860
+
1861
+ They can't do it.
1862
+
1863
+ That's fine.
1864
+
1865
+ Very long.
1866
+
1867
+ Here is the kicker.
1868
+
1869
+ Experiment around.
1870
+
1871
+ From a scientific perspective, it was virgin male mice.
1872
+
1873
+ First of all, you can see they're not active.
1874
+
1875
+ These cells that are active in these all three other
1876
+
1877
+ categories of mice in the virgin males, they've not mated.
1878
+
1879
+ They're just like young, aggressive male mice who have not
1880
+
1881
+ made it yet.
1882
+
1883
+ And what do they show?
1884
+
1885
+ Aggression.
1886
+
1887
+ They attack.
1888
+
1889
+ They tap upset.
1890
+
1891
+ They get rid of them.
1892
+
1893
+ Here's what they did.
1894
+
1895
+ They went in and artificially using optogenetics, find those cells
1896
+
1897
+ that could be activated, activating and activate those cells by
1898
+
1899
+ shining the laser light onto the genetically tagged cells.
1900
+
1901
+ So what you can see is before and after that
1902
+
1903
+ light is this this is a couple of milliseconds.
1904
+
1905
+ You've got a normal functioning male.
1906
+
1907
+ You shine a light.
1908
+
1909
+ 2 milliseconds later, a whole of the cells are turned
1910
+
1911
+ on.
1912
+
1913
+ What does it do?
1914
+
1915
+ So rather than running across the cage and attacking and
1916
+
1917
+ possibly trying to bite and destroy pop, it runs over,
1918
+
1919
+ it picks it up, puts it back in the nest.
1920
+
1921
+ So by just turning on a light, affecting a small
1922
+
1923
+ number of cells, more than the number of neurones in
1924
+
1925
+ this illustration here, but still you're talking about tiny cell
1926
+
1927
+ nucleus in a small part of the brain.
1928
+
1929
+ You switched one animal from showing this aggressive behaviour to
1930
+
1931
+ a whole different approach.
1932
+
1933
+ And it's really worth what's quite amazing about this is
1934
+
1935
+ it's not like you've improved motor function or its ability
1936
+
1937
+ to perceive light in some way.
1938
+
1939
+ You've changed the radical feature of its entire behaviour in
1940
+
1941
+ a millisecond.
1942
+
1943
+ You've with this experiment, they've turned to mice that would
1944
+
1945
+ attack and kill.
1946
+
1947
+ It's one artificially thinks it's mated effectively.
1948
+
1949
+ It's not thinking about this, but you've artificially activated a
1950
+
1951
+ parental circuit in an animal that's never undergone any change.
1952
+
1953
+ So this shows the power of the kind of optogenetics
1954
+
1955
+ approach of exploring behaviour.
1956
+
1957
+ So you got to ask, why did you use the
1958
+
1959
+ light?
1960
+
1961
+ How do you see through this activity?
1962
+
1963
+ Yes.
1964
+
1965
+ So optogenetics, as you heard in your lecture on the
1966
+
1967
+ methods lecture, remember that the methods, the techniques you learned
1968
+
1969
+ about what you could do is genetically tagged those cells
1970
+
1971
+ in these particular rats.
1972
+
1973
+ I think it is for mice in mice more likely
1974
+
1975
+ get mice.
1976
+
1977
+ They've gone and bred these animals with specific proteins that
1978
+
1979
+ are sensitive to the wavelengths of light.
1980
+
1981
+ When those wavelengths of light are show shot, shine down
1982
+
1983
+ on those cells through a cut in the top of
1984
+
1985
+ the brain of the rat, the mouse, they can artificially
1986
+
1987
+ turn them on and they can do it within a
1988
+
1989
+ couple of milliseconds.
1990
+
1991
+ And so you can have a rat, a mouse running
1992
+
1993
+ across the cage to attack and switch the behaviour in
1994
+
1995
+ an instant from attack to being attacking an aggressive and
1996
+
1997
+ killing to being attacked in milliseconds through one circuit interruption.
1998
+
1999
+ So what does that what makes that amazing is that
2000
+
2001
+ it's quite a complex behaviour you're looking at.
2002
+
2003
+ Now this is a experiment where they were looking at
2004
+
2005
+ another particular nucleus.
2006
+
2007
+ The this particular part, the AVP haven't read that, but
2008
+
2009
+ it's in this paper.
2010
+
2011
+ So this is a hypothalamic nucleus which differs between Virgin.
2012
+
2013
+ So a difference between males and females in virgins.
2014
+
2015
+ But what they showed is that this particular is not
2016
+
2017
+ just the nucleus involved with the particular subcategories of neurones
2018
+
2019
+ that can start to get to that.
2020
+
2021
+ You can regulate in the parents, the females.
2022
+
2023
+ So males after mating don't show a change here, but
2024
+
2025
+ the female mice can show a change in the number
2026
+
2027
+ of active neurones in this particular nucleus after mating.
2028
+
2029
+ So not only do you get these patterns of expression,
2030
+
2031
+ but you can get them in particular male or female
2032
+
2033
+ situations as well.
2034
+
2035
+ But it's worth going to watch these movies to see
2036
+
2037
+ the patterns of behaviour.
2038
+
2039
+ So in this link, if you don't follow it through,
2040
+
2041
+ you will see the use of optogenetics where you get
2042
+
2043
+ mice, which is not really fighting with each other, and
2044
+
2045
+ then they'll turn on these these neurones artificially and they
2046
+
2047
+ can do it in males as well.
2048
+
2049
+ So they can turn on the mouse.
2050
+
2051
+ Yes.
2052
+
2053
+ This is almost certain case.
2054
+
2055
+ Oh, yes.
2056
+
2057
+ But this is all about.
2058
+
2059
+ So if they might be right, they might not get
2060
+
2061
+ children from mice.
2062
+
2063
+ It's extremely likely their breeding capacity is way higher.
2064
+
2065
+ That's one of the reasons they've ended up being laboratory
2066
+
2067
+ animals that are really higher breeding.
2068
+
2069
+ They require fast turnover.
2070
+
2071
+ They can have children very quickly, but very likely they
2072
+
2073
+ would, but it's not dependent.
2074
+
2075
+ So these activation patterns are not dependent on the sex
2076
+
2077
+ success.
2078
+
2079
+ Well, I think you would need to activate pregnancy, though,
2080
+
2081
+ so if they don't end up being pregnant.
2082
+
2083
+ But I think the idea of the meeting alone will
2084
+
2085
+ activate patterns of change in the male, because they can't
2086
+
2087
+ detect that necessarily.
2088
+
2089
+ But to pick up on that point, when the female
2090
+
2091
+ does become pregnant, her pheromones secretions, what she's secreting, will
2092
+
2093
+ change.
2094
+
2095
+ And that provides a cue because humans, we don't really
2096
+
2097
+ dissect these things but might do dogs do.
2098
+
2099
+ They can detect other animals can smell these things.
2100
+
2101
+ We can't in the same way those they go and
2102
+
2103
+ watch these movies because you can see them turning off
2104
+
2105
+ again with the optogenetics and the midpoints to attack, making
2106
+
2107
+ an animal docile and parent and pick up a tree
2108
+
2109
+ pups.
2110
+
2111
+ It's it's really one of the most dramatic pieces of
2112
+
2113
+ evidence I've seen.
2114
+
2115
+ And again, one of the reasons it's published in the
2116
+
2117
+ most prestigious journal in the world in Nature.
2118
+
2119
+ So to wrap up today, there's a nice section in
2120
+
2121
+ the physiology of behaviour that calls in or brisket on
2122
+
2123
+ social bonding.
2124
+
2125
+ That review is really clear and really nice to read
2126
+
2127
+ into and Young.
2128
+
2129
+ I talked about the voles again, extremely easy to read
2130
+
2131
+ article and then there's some other reading.
2132
+
2133
+ If you're really interested you could look into This is
2134
+
2135
+ not essential, but we can go into that and we'll
2136
+
2137
+ see you next week.
2138
+
2139
+ The consciousness and motivation, why we do the things we
2140
+
2141
+ do.
raw_transcripts/lecture_13.txt ADDED
@@ -0,0 +1,2029 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Okay.
2
+
3
+ So my name is Steve Fleming, and I'm going to
4
+
5
+ be giving you a lecture on consciousness today.
6
+
7
+ I am.
8
+
9
+ So what's the focus of this lecture is is the
10
+
11
+ problem of perceptual awareness.
12
+
13
+ So imagine your standing on whatever bridge this would be
14
+
15
+ in London.
16
+
17
+ Mostly bridges, maybe.
18
+
19
+ And you're looking at the sunset.
20
+
21
+ Then you will also be most likely to be aware
22
+
23
+ of that sunset and be able to communicate its properties
24
+
25
+ to other people, to your friends and so on.
26
+
27
+ But at the same time, there's a lot of other
28
+
29
+ perceptual inputs that you may well be unaware of, such
30
+
31
+ as the feeling of the clothes on your skin or
32
+
33
+ changes in your posture.
34
+
35
+ And a cool question in consciousness science is what are
36
+
37
+ the computations in the brain that differentiate between conscious and
38
+
39
+ unconscious information and what are the mechanisms, what the neural
40
+
41
+ mechanisms that supports that difference.
42
+
43
+ Now, when you hear the word consciousness, people often start
44
+
45
+ thinking about mysterious phenomena.
46
+
47
+ So in the media you might hear about panpsychism or
48
+
49
+ plants, consciousness and so on.
50
+
51
+ So we're not going to be encroaching on this territory
52
+
53
+ today.
54
+
55
+ So there are some somewhat out there consciousness that are
56
+
57
+ doing the rounds and we can't rule them out 100%.
58
+
59
+ But the approach I'm going to tell you about today
60
+
61
+ is taking an approach very much squarely within cognitive psychology
62
+
63
+ and neuroscience.
64
+
65
+ And the questions that we can tackle with experiments in
66
+
67
+ the lab are these ones.
68
+
69
+ So what differentiates Conscious from unconscious processing as a neural
70
+
71
+ level?
72
+
73
+ What is it in the brain that makes a difference
74
+
75
+ for conscious processing?
76
+
77
+ What's the difference that makes the difference?
78
+
79
+ So in today's lecture, there's quite a lot to get
80
+
81
+ through.
82
+
83
+ There's a bit of material towards the end of the
84
+
85
+ lecture, which is some unpublished work from my lab that
86
+
87
+ is optional.
88
+
89
+ It won't be examined, for instance, is not published, but
90
+
91
+ if we get there, then I can talk about it,
92
+
93
+ but I might skip over that if we are short
94
+
95
+ of time.
96
+
97
+ So we're going to cover these topics.
98
+
99
+ Conscious the difference between conscious level and conscious concepts, and
100
+
101
+ talk briefly about some methods for manipulation in consciousness in
102
+
103
+ the lab.
104
+
105
+ Talk briefly about what's been found, found out about the
106
+
107
+ neural collective consciousness, and then I'll talk about some theoretical
108
+
109
+ issues, such as the importance of controlling for performance.
110
+
111
+ And then at the end, we'll look at some ethical
112
+
113
+ issues that arise.
114
+
115
+ Well, it's now become possible to detect the presence or
116
+
117
+ absence of consciousness in non responsive individuals.
118
+
119
+ So what do we mean by the difference between consent
120
+
121
+ and level of consciousness?
122
+
123
+ So the idea here is that we differentiate in the
124
+
125
+ level of consciousness from, say, sleep to wake you go
126
+
127
+ you become unconscious when you are in a dreamless sleep,
128
+
129
+ you then maybe become conscious of your dreams, and then
130
+
131
+ when you wake up in the morning, you're fully conscious
132
+
133
+ of the outside world.
134
+
135
+ So that's different, a difference in the level of consciousness.
136
+
137
+ But the idea is that even when conscious level is
138
+
139
+ constant, so even when you are awake and engaged in
140
+
141
+ your surroundings, then the content of your consciousness might fluctuate
142
+
143
+ over time.
144
+
145
+ So you might be conscious of my voice right now,
146
+
147
+ but in a few minutes, if you zone out for
148
+
149
+ a few seconds, think about something else.
150
+
151
+ You might not be conscious of my voice in in,
152
+
153
+ in, in that in that moment of time.
154
+
155
+ So the question that we're going to focus on in
156
+
157
+ the main question we have to focus on today is
158
+
159
+ what contributes to conscious experience over and above simple information
160
+
161
+ processing.
162
+
163
+ The information is getting processed to some level.
164
+
165
+ We know that from experiments, so I'll talk about next.
166
+
167
+ But sometimes it's conscious and sometimes it's not.
168
+
169
+ What makes what underpins that difference.
170
+
171
+ So a lot of the work that's been done to
172
+
173
+ study consciousness in the lab has been a variant on
174
+
175
+ a paradigm called visual masking, which some of you may
176
+
177
+ have heard about, say masking is quite simple.
178
+
179
+ The idea is that you present a stimulus on a
180
+
181
+ screen and then a very short time later you present
182
+
183
+ a mask.
184
+
185
+ And the the time interval between the stimulus and the
186
+
187
+ mask is known as the entire stimulus interval is I.
188
+
189
+ And sometimes you'll see that written in papers.
190
+
191
+ Is the stimulus onset a synchrony or the way those
192
+
193
+ two terms are interchangeable?
194
+
195
+ And that's in say, Sorry, I should have told you
196
+
197
+ to be ready for this.
198
+
199
+ So if you have a look at the screen now,
200
+
201
+ I'm going to flash up an example of a mask.
202
+
203
+ So some hashtags followed by the stimulus, followed by the
204
+
205
+ happens again.
206
+
207
+ And you should be able to see this one.
208
+
209
+ Let's just back up.
210
+
211
+ So we're ready.
212
+
213
+ Here we go.
214
+
215
+ Everyone see what the word was.
216
+
217
+ Okay.
218
+
219
+ So that was a relatively long as.
220
+
221
+ So the word is visible.
222
+
223
+ This is now a shorter AISI.
224
+
225
+ And it isn't even sure to ISI.
226
+
227
+ He put your hand up if you saw the.
228
+
229
+ Okay.
230
+
231
+ So about 50%.
232
+
233
+ So that's that's.
234
+
235
+ So, I mean, PowerPoint is not the best technology for
236
+
237
+ presenting these kind of stimuli, but as easy as the
238
+
239
+ mask and the stimulus interval decreases, it becomes harder and
240
+
241
+ harder to see.
242
+
243
+ The word that last one was orange for those of
244
+
245
+ you who saw it.
246
+
247
+ So the masking effectiveness has been studied in a number
248
+
249
+ of studies.
250
+
251
+ It depends on the timing, as we've seen.
252
+
253
+ It also depends on the stimulus intensity.
254
+
255
+ So if I keep the icy effects and drop the
256
+
257
+ contrast of the how black or grey that stabilises, then
258
+
259
+ I can increase the masking efficacy and also stimulus content.
260
+
261
+ So interestingly, things like your own name or emotion always
262
+
263
+ will jump out even the same level of masking.
264
+
265
+ And there are also individual differences, as we saw.
266
+
267
+ So some people saw it, some people didn't.
268
+
269
+ This is obviously not a control.
270
+
271
+ It's like a business experiment.
272
+
273
+ But when we do controls like this on this, we
274
+
275
+ see individual differences in masking threshold.
276
+
277
+ Now, this would be less interesting if this just meant
278
+
279
+ that you didn't see the work.
280
+
281
+ It wasn't even processed on your retina, for instance.
282
+
283
+ That would be less interesting because that just means the
284
+
285
+ stimulus hasn't got into the system.
286
+
287
+ But we know from a number of studies in cognitive
288
+
289
+ psychology that mass stimuli can affect behaviour even when people
290
+
291
+ say they didn't see it.
292
+
293
+ So often this is done using what's known as an
294
+
295
+ indirect test of and the processing of the words.
296
+
297
+ So you might go through an initial phase of an
298
+
299
+ experiment where you get flash words or different stimuli that
300
+
301
+ were masked.
302
+
303
+ And on some trials of that experiment, you might say,
304
+
305
+ I didn't see it.
306
+
307
+ I don't know what the word was.
308
+
309
+ But then in a second, indirect test, for instance, this
310
+
311
+ is an example from ten up in the eighties.
312
+
313
+ If you then ask people to say whether somebody is
314
+
315
+ a word or a non word, you'll be faster.
316
+
317
+ If the word is semantically related to the last word
318
+
319
+ that you claimed not to see.
320
+
321
+ So in this case, banana is semantically related to orange
322
+
323
+ and you're faster to say that you banana is a
324
+
325
+ word.
326
+
327
+ So that indicates some depth of processing.
328
+
329
+ It's not just that it's failed to get into the
330
+
331
+ system on the retina.
332
+
333
+ It's got into the system.
334
+
335
+ But people still claim that on the Web.
336
+
337
+ Now, more recently, people have used brain imaging to show
338
+
339
+ that it's at least into the visual system.
340
+
341
+ And even they're processed into, say, areas dealing with language.
342
+
343
+ So this is an experiment from Garrett Research Group in
344
+
345
+ Queen Square.
346
+
347
+ And what they did here was use masking to make
348
+
349
+ the orientation of these lines invisible.
350
+
351
+ And they used a slightly more sophisticated masking procedure so
352
+
353
+ they could, rather than just flush it once, they could
354
+
355
+ flush it continuously.
356
+
357
+ And people would still claim not to see the orientation
358
+
359
+ of the grating.
360
+
361
+ Right.
362
+
363
+ So that what they're actually being flashed is a left
364
+
365
+ tilted or a right tilted grating.
366
+
367
+ But they just see a mask, applied mask.
368
+
369
+ And what you see on the right, that it's a
370
+
371
+ machine learning classifier that's trained to try and decode the
372
+
373
+ true orientation of the invisible grating from activation of different
374
+
375
+ brain areas.
376
+
377
+ And as you can see, they can decode above channels
378
+
379
+ and the visual cortex.
380
+
381
+ So that suggests that the grating is being processed in
382
+
383
+ early visual cortex, even though the subjects themselves say they
384
+
385
+ didn't see it.
386
+
387
+ So that's some evidence, both behavioural and hopeful.
388
+
389
+ The processing of stimuli without awareness.
390
+
391
+ Then what happens when you become aware of it?
392
+
393
+ This is the other side of the coin.
394
+
395
+ And so when you do this, you can show that
396
+
397
+ when you see a masked word.
398
+
399
+ Then you get elevated activation in a widespread network in
400
+
401
+ the frontal cortex, whereas when the word is invisible, then
402
+
403
+ the activation is much more restricted to early visual areas.
404
+
405
+ I can't find a pointer, but not read is maybe
406
+
407
+ I can come up.
408
+
409
+ Yeah, I think.
410
+
411
+ Yes.
412
+
413
+ Good.
414
+
415
+ So this.
416
+
417
+ This.
418
+
419
+ This red blob on the right hand side here is
420
+
421
+ the activation you would get in individual cortex X to
422
+
423
+ straight cortex when word is invisible compared to baselines, suggesting,
424
+
425
+ again, like any experiment, some processing of my stimuli in
426
+
427
+ early visual areas.
428
+
429
+ But when you become aware of it, when you see
430
+
431
+ it, you see it and you get much more widespread
432
+
433
+ activation in your friends across the network.
434
+
435
+ These are experiments.
436
+
437
+ These are both experiments from Standard Hands Group reviewed in
438
+
439
+ this paper newsroom.
440
+
441
+ Again, you get a similar pattern when it's in the
442
+
443
+ auditorium with a mask.
444
+
445
+ Or interestingly, in white noise.
446
+
447
+ Sometimes you say you see it, you heard it, sometimes
448
+
449
+ you didn't.
450
+
451
+ When you didn't.
452
+
453
+ When you say you didn't hear, hear it, you get
454
+
455
+ some activation in auditory cortex suggesting some data processing.
456
+
457
+ But when you say you heard it and you get
458
+
459
+ much more widespread activation in front of prosecutors.
460
+
461
+ We'll come back to what this means in a second.
462
+
463
+ Just for completeness, another popular technique for manipulating an awareness
464
+
465
+ of the stimulus is binocular rivalry.
466
+
467
+ So often this is done using red green goggles.
468
+
469
+ So you present an overlapping stimulus.
470
+
471
+ So the house is in red here, the face is
472
+
473
+ in green.
474
+
475
+ If you put red green goggles on, the images compete
476
+
477
+ for dominance between the two eyes.
478
+
479
+ Sometimes you see the faces, sometimes you see the house.
480
+
481
+ But the stimulus that's on the screen is identical in
482
+
483
+ both cases.
484
+
485
+ And so this is useful because then you can create
486
+
487
+ this kind of phenomenon where there's an unchanging stimulus, but
488
+
489
+ your perception is changing.
490
+
491
+ And when the stimulus is unconscious, we can also track
492
+
493
+ it.
494
+
495
+ We can then track its influence on information processing.
496
+
497
+ So just to give you one example of work in
498
+
499
+ this.
500
+
501
+ So here is a study from Dell PCS Group.
502
+
503
+ What they did here was used by knock the rivalry
504
+
505
+ to mask the movement of some moving dots.
506
+
507
+ So this is the this is the stimulus that people
508
+
509
+ actually see in the other eye.
510
+
511
+ What they don't see is some coherently moving dots.
512
+
513
+ And then after this initial period of binocular rivalry, they
514
+
515
+ have to make a decision about some consciously moving dots.
516
+
517
+ And what they find is that if the unconscious information
518
+
519
+ is helpful and people will be better at that decision
520
+
521
+ when it's coherent in red than when it's just random
522
+
523
+ and in green.
524
+
525
+ But interestingly, this so this unconscious information boost your performance.
526
+
527
+ So again, it shows the process, but it doesn't change
528
+
529
+ people's confidence in that decision.
530
+
531
+ So to them, subjectively, subjectively, it feels as though it's
532
+
533
+ just the same in both the helpful and the unhelpful
534
+
535
+ cases.
536
+
537
+ But in the helpful cases, even though the information is
538
+
539
+ unconscious, it's actually making your decision better.
540
+
541
+ So we can then ask and we've already seen some
542
+
543
+ of this information already.
544
+
545
+ What are the what are the new correlates of consciousness?
546
+
547
+ So we know that we can input information into the
548
+
549
+ system that is sometimes unconscious.
550
+
551
+ So then we want to know what's the difference between
552
+
553
+ when you're conscious of a stimulus and when you're not.
554
+
555
+ And so the neural correlates of consciousness have been defined
556
+
557
+ in the early 2000s as the minimal set of neural
558
+
559
+ events that are sufficient for a specific conscious experience.
560
+
561
+ So the idea here is to keep the stimulus inputs
562
+
563
+ similar, but contrast conditions between when you say you were
564
+
565
+ white or something and when you were unaware of something.
566
+
567
+ Okay, so we've already seen this slide.
568
+
569
+ So this is the idea.
570
+
571
+ When you're aware of something, there is a global ignition
572
+
573
+ through the brain, through the frontal and the price of
574
+
575
+ cortex.
576
+
577
+ And when you're not aware of that stimulus, you don't
578
+
579
+ get that global ignition.
580
+
581
+ So just to give you an detailed example of this,
582
+
583
+ this is actually from a study using EEG and combined
584
+
585
+ with Meg.
586
+
587
+ And so here they were able to look at the
588
+
589
+ fine grained temporal dynamics of what happens, what the fate
590
+
591
+ of a stimulus when you show it on the screen,
592
+
593
+ either when someone says they saw it or when they
594
+
595
+ didn't see it.
596
+
597
+ Yeah.
598
+
599
+ Yeah.
600
+
601
+ See, that's what you.
602
+
603
+ Right.
604
+
605
+ Sorry.
606
+
607
+ That's actually prefrontal cortex.
608
+
609
+ But you should.
610
+
611
+ There is also activation in the parts of what occurs
612
+
613
+ in the prefrontal cortex and the Bronco area where they
614
+
615
+ are.
616
+
617
+ That's right.
618
+
619
+ That's right.
620
+
621
+ Yeah.
622
+
623
+ And so, again, they used this masking procedure with a
624
+
625
+ variable delay, stimulus onset synchrony.
626
+
627
+ And what they could then do is plot these activity
628
+
629
+ time courses as a function of this asset way.
630
+
631
+ Right.
632
+
633
+ So people gradually became more and more aware of the
634
+
635
+ stimulus as the way increased.
636
+
637
+ And what they found was that in early in early
638
+
639
+ visual cortex, see this this box here, there was a
640
+
641
+ pretty linear increase with SLA.
642
+
643
+ So it's like the stimulus is getting a bit stronger,
644
+
645
+ a bit stronger, a bit stronger in the early visual
646
+
647
+ areas.
648
+
649
+ But when you look at the prefrontal cortex signature later
650
+
651
+ in the trial, it's more all or nothing.
652
+
653
+ It's almost as if like on some trials, the whole
654
+
655
+ system is nice and you're conscious of it.
656
+
657
+ On other trials, it doesn't.
658
+
659
+ So this is this idea of a bifurcation response.
660
+
661
+ So it's like a nonlinear system where occasionally the stimulus
662
+
663
+ will trigger this ignition and make it into violence, and
664
+
665
+ other times it won't.
666
+
667
+ So there's been various models proposed with what might be
668
+
669
+ going on here.
670
+
671
+ So one of the most popular ones from the bars
672
+
673
+ and stand the hands grip.
674
+
675
+ Has been the global workspace theory of consciousness and the
676
+
677
+ idea that consciousness occurs once information is may be sequestered
678
+
679
+ in perceptual areas, gains access to a global neuronal workspace.
680
+
681
+ And that's proposed to be supported by these fronts of
682
+
683
+ prior to networks.
684
+
685
+ And so that would explain why you get ignition, because
686
+
687
+ when the information is weak or subliminal, it just kind
688
+
689
+ of reverberates around the visual cortex.
690
+
691
+ Then as it crosses the threshold for admission into consciousness,
692
+
693
+ you get recruitment of these fronts across all regions as
694
+
695
+ well.
696
+
697
+ An alternative view is the recurrent processing VAT that was
698
+
699
+ put forward by Ptolemy in the 2000.
700
+
701
+ Is that.
702
+
703
+ What happens is that when you get some visual input.
704
+
705
+ If it's very weak, then you'll just get feed, food
706
+
707
+ processing and you won't get any conscious person.
708
+
709
+ But if it's a bit stronger and long lasting, then
710
+
711
+ you'll get both people and feedback activation along the cortex.
712
+
713
+ And that supports consciousness.
714
+
715
+ And what Lamaze this additional ignition into the parts network
716
+
717
+ is secondary.
718
+
719
+ It's not causal or conscious experience, but it might be
720
+
721
+ involved in things like reporting that you've seen something.
722
+
723
+ So this is quite a deep divide between what are
724
+
725
+ called local theories of consciousness, which propose the activation in
726
+
727
+ recurrent loops within the perceptual system are sufficient for consciousness,
728
+
729
+ experience and global theories which propose you need to get
730
+
731
+ the information out into a global workspace for consciousness to
732
+
733
+ arise.
734
+
735
+ How.
736
+
737
+ And so so this this activation here would be just
738
+
739
+ for reporting your experience for assistance, but not for actually
740
+
741
+ being conscious of that experience.
742
+
743
+ Then you might be, for instance, you might be conscious
744
+
745
+ of something and then immediately forget it and be unable
746
+
747
+ to report it.
748
+
749
+ And the recovery process.
750
+
751
+ If you say that your your conscious is in the
752
+
753
+ moment that is supported by recurrent processing, even though you're
754
+
755
+ unable to report on it.
756
+
757
+ Now, personally, I find this new quite difficult to get
758
+
759
+ my head around because it would suggest that there could
760
+
761
+ be cases where the subject themselves says, I definitely wasn't
762
+
763
+ conscious of this thing.
764
+
765
+ But the neuroscience, as we say now, and I can
766
+
767
+ see your reverberating loops in your visual cortex, you must
768
+
769
+ have been conscious of it.
770
+
771
+ So I think this actually goes against the folk psychological
772
+
773
+ notion of consciousness is something we're able to communicate to
774
+
775
+ others.
776
+
777
+ But I think it's still worth taking seriously.
778
+
779
+ Okay.
780
+
781
+ So the final theory I just want to cover is
782
+
783
+ higher order theory.
784
+
785
+ This is got similarities with the global workspace theory.
786
+
787
+ And the idea is that there are first order representations
788
+
789
+ in perceptual systems, and these first order representations themselves are
790
+
791
+ not sufficient for conscious experience.
792
+
793
+ They might drive behaviour, they might allow you to respond
794
+
795
+ above chance on a task, but they're not sufficient for
796
+
797
+ conscious experience.
798
+
799
+ And instead the idea is that consciousness of that content
800
+
801
+ needs to have some higher order representation that allows the
802
+
803
+ system to become aware of that first order state.
804
+
805
+ So this entails that the first order representation in the
806
+
807
+ perceptual system should be monitored or matter represented by the
808
+
809
+ higher order representation.
810
+
811
+ And so that's another prominent view.
812
+
813
+ And again, with, you know, ongoing debate about which which
814
+
815
+ view is correct.
816
+
817
+ And new experiments are coming out all the time to
818
+
819
+ try and distinguish between them.
820
+
821
+ And one important issue that we need to do here
822
+
823
+ affects all these different theories is the problem of performance
824
+
825
+ compounds.
826
+
827
+ So when we look at the neural coral, it's a
828
+
829
+ conscious one.
830
+
831
+ When we look at the these emission signatures, are we
832
+
833
+ really just isolating consciousness or are we isolating the neural
834
+
835
+ correlates of the improved performance or information processing that often
836
+
837
+ accompanies consciousness?
838
+
839
+ Because we know that when we're aware, some people are
840
+
841
+ often able to use that for various functions like Oops.
842
+
843
+ Like language, working memory, communicating it and so on.
844
+
845
+ And the reason that is really important to control for
846
+
847
+ performance is also got its roots in philosophy and in
848
+
849
+ the theory of consciousness.
850
+
851
+ So the idea is that consciousness or sentience is not
852
+
853
+ the same as being sensitive to something.
854
+
855
+ I say we can think of plenty of systems that
856
+
857
+ are sensitive to the outside world without being conscious.
858
+
859
+ Your camera appliance, maybe a thermometer, those all those are
860
+
861
+ all sensitive to the outside world, but we don't usually
862
+
863
+ think of them as being conscious of what they are
864
+
865
+ sensitive to.
866
+
867
+ And because under some theories like higher order theory, these
868
+
869
+ first order representations are held to drive tough performance as
870
+
871
+ well as contribute to consciousness.
872
+
873
+ The problem is that if we have some experiment that
874
+
875
+ boosts consciousness in some way, like changing the soul in
876
+
877
+ a masking experiment, if we change both consciousness and performance
878
+
879
+ in tandem, then we don't know whether the neural or
880
+
881
+ behavioural change we see is due to the changes in
882
+
883
+ performance or the changes in consciousness.
884
+
885
+ And as I said, this is particularly crucial for testing
886
+
887
+ the predictions of higher order theories, because if performance is
888
+
889
+ not controlled, then we might unfairly stack the deck in
890
+
891
+ favour of these first order theories that might see correlates
892
+
893
+ of consciousness in only, only perceptual areas.
894
+
895
+ And if you're interested, this has been really nicely unpacked
896
+
897
+ in a book.
898
+
899
+ It's very accessible by heart for love.
900
+
901
+ So one reason to believe that we can do this
902
+
903
+ and control for performance and still study consciousness is the
904
+
905
+ phenomenon of Blind Side that was discovered by Larry Weiss
906
+
907
+ Krantz, who was a eminent psychologist at Oxford.
908
+
909
+ And what he did was study patients with damage to
910
+
911
+ the early visual cortex.
912
+
913
+ And so these patients would often have time is just
914
+
915
+ to one hemisphere caused by an injury.
916
+
917
+ And that led to their clinical visual field tests looking
918
+
919
+ something like this.
920
+
921
+ They'd be perfectly well aware of things on one side
922
+
923
+ of space, but they be essentially blind in the other
924
+
925
+ side of space.
926
+
927
+ So when they came into the doctors, when they went
928
+
929
+ to the apologists, they would be classed as having a
930
+
931
+ brain lesion causing blindness in one half of space.
932
+
933
+ But what's really interesting here is that when you study
934
+
935
+ them in more depth, patients with Blind Eye are actually
936
+
937
+ able to guess while above chance.
938
+
939
+ What is being presented in that Blind Army field.
940
+
941
+ Now, I won't show this just for the sake of
942
+
943
+ time.
944
+
945
+ If you're interested, you could watch a YouTube video of
946
+
947
+ a black patient doing exactly this.
948
+
949
+ The light lights are flashed in the blind field, and
950
+
951
+ when he's forced to guess where they were, he's often
952
+
953
+ close to 100% accurate, even though he himself will say,
954
+
955
+ I didn't see anything.
956
+
957
+ Right.
958
+
959
+ So that's a case of performance being high, but always
960
+
961
+ being zero.
962
+
963
+ And in experiments you can then adjust the stimuli in
964
+
965
+ both the normal and the blind hemi field.
966
+
967
+ So that performance is matched between the two hemi fields.
968
+
969
+ But now he's only aware of the stimuli in the
970
+
971
+ normal hemi field, not aware of the blind happy field
972
+
973
+ that creates an really nice, well-controlled case where performance is
974
+
975
+ matched in the two hemi fields.
976
+
977
+ There's no compounded performance now you're just he's able to
978
+
979
+ process the information just as well in both cases.
980
+
981
+ And yet awareness is only present for the stimulation one
982
+
983
+ field and not the other.
984
+
985
+ And when we then look at brain activation in relation
986
+
987
+ to this difference, you still see the controlling performance elevated
988
+
989
+ activation in the front supports.
990
+
991
+ In that way when you're presenting stimuli in the normal
992
+
993
+ impairs the blind.
994
+
995
+ HAVERFIELD.
996
+
997
+ It's also possible to do these kind of experiments in
998
+
999
+ otherwise healthy observers.
1000
+
1001
+ So this was a study of blind side in normal
1002
+
1003
+ subjects, in healthy subjects without a brain lesion.
1004
+
1005
+ And this was done using a masking procedure.
1006
+
1007
+ So participants were first asked to decide whether a diamond
1008
+
1009
+ or a square was presented on the screen.
1010
+
1011
+ And this was difficult because it was masked.
1012
+
1013
+ It was flashed very briefly.
1014
+
1015
+ And they then had to indicate whether they saw the
1016
+
1017
+ target or whether they simply guessed the answer.
1018
+
1019
+ And what was found in this experiment was that it
1020
+
1021
+ was possible to find two conditions.
1022
+
1023
+ Across the whole range of ways where performance was modest.
1024
+
1025
+ So that's the the red line here.
1026
+
1027
+ Performance at these two areas is matched.
1028
+
1029
+ But this is the way people say they saw it
1030
+
1031
+ less often than this as a way.
1032
+
1033
+ So you can see that down here performance is nicely
1034
+
1035
+ matched conditions.
1036
+
1037
+ Information processing is just as good.
1038
+
1039
+ But people are less aware of the stimulus that this
1040
+
1041
+ has away in this X-ray.
1042
+
1043
+ And when that contrast is then done between these two
1044
+
1045
+ ways within the fMRI scanner, you get localised activation in
1046
+
1047
+ the lateral prefrontal cortex in relation to increase in conscious
1048
+
1049
+ awareness.
1050
+
1051
+ And just a final example of this.
1052
+
1053
+ This is from, again, a study of patients with brain
1054
+
1055
+ lesions, but now with lesions to the prefrontal cortex.
1056
+
1057
+ So patients with prefrontal damage were asked to provide a
1058
+
1059
+ false choice of which of to stimuli were presented on
1060
+
1061
+ the screen and to rate the visibility of their stimuli.
1062
+
1063
+ So how aware they were.
1064
+
1065
+ And what's interesting is that compared to controls.
1066
+
1067
+ The subjective visibility of those stimuli was reduced in the
1068
+
1069
+ patients.
1070
+
1071
+ And that's even the case when performance is match between
1072
+
1073
+ the controls and on the patients.
1074
+
1075
+ Right.
1076
+
1077
+ So this is now plotting the the the difference in
1078
+
1079
+ visibility for trials on which the patients got correct patients
1080
+
1081
+ and controls got correct.
1082
+
1083
+ On the upper lines here on trials in which they
1084
+
1085
+ got incorrect here.
1086
+
1087
+ So even when you split out the trials, according to
1088
+
1089
+ ones that there were right and wrong, you still see
1090
+
1091
+ that subjective visibility is lower in the patients in grey
1092
+
1093
+ compared to the controls in black.
1094
+
1095
+ And what's interesting is that if you then correlate the
1096
+
1097
+ extent to which visibility was reduced in the patients with
1098
+
1099
+ the location of their brain lesion, you can get a
1100
+
1101
+ map like this.
1102
+
1103
+ So this is known as lesion lesions into mapping.
1104
+
1105
+ This is a map of the lesions that were most
1106
+
1107
+ correlated with the drop in consciousness threshold.
1108
+
1109
+ And here you get a evidence for a contribution of
1110
+
1111
+ damage to the prefrontal cortex, to the anterior prefrontal cortex,
1112
+
1113
+ to the threshold for conscious awareness.
1114
+
1115
+ There's one other compound that we need to think carefully
1116
+
1117
+ about here, and that's not just performance, but I mentioned
1118
+
1119
+ a while ago that you can find cases where people
1120
+
1121
+ are performing better in one case rather than the other
1122
+
1123
+ due to unconscious information, but their confidence level is not
1124
+
1125
+ different.
1126
+
1127
+ Now, the problem is that in a typical Moscow experiment,
1128
+
1129
+ when people say that they saw a stimulus, then they're
1130
+
1131
+ often more confident on those trials than when they say
1132
+
1133
+ they didn't see a stimulus.
1134
+
1135
+ And you can see that here.
1136
+
1137
+ This is actually some data from our lab when subjects
1138
+
1139
+ say they saw a massive stimulus.
1140
+
1141
+ And they're more confident on the y axis compared to
1142
+
1143
+ when they said that they didn't see a massive it.
1144
+
1145
+ So the problem is that all these existing findings in
1146
+
1147
+ the literature on the front surprise activation being related to
1148
+
1149
+ conscious awareness might be consistent with these brain areas, coding
1150
+
1151
+ for the visibility or your awareness of the stimulus.
1152
+
1153
+ But it could also be consistent with these brain regions
1154
+
1155
+ being involved in representing confidence in your decisions.
1156
+
1157
+ So to look at this.
1158
+
1159
+ This was work done by my pastry student, Martha mazur,
1160
+
1161
+ and post-doc Nadine Easter.
1162
+
1163
+ And what we did is apply a machine learning decoding
1164
+
1165
+ procedure across the whole brain to try and deep code
1166
+
1167
+ people's allowance of the stimulus where they said they saw
1168
+
1169
+ it or not, and also what the identity of that
1170
+
1171
+ stimulus was.
1172
+
1173
+ So we can decode the identity of the stimulus, whether
1174
+
1175
+ it was tilted to the left or the right in
1176
+
1177
+ early visual areas.
1178
+
1179
+ And we can then decode their awareness in front of
1180
+
1181
+ proximal cortex.
1182
+
1183
+ So that's consistent with the picture of global ignition when
1184
+
1185
+ people say they saw it.
1186
+
1187
+ You get more activation, more decoding of awareness in response
1188
+
1189
+ across the network.
1190
+
1191
+ But when we then control for confidence in this analysis,
1192
+
1193
+ when we artificially match the distributions of confidence on yes
1194
+
1195
+ and no trials when they said they were aware of
1196
+
1197
+ it or not, and a lot of this activation actually
1198
+
1199
+ disappeared.
1200
+
1201
+ So after DOWNSAMPLING to ensure confidence was matched on these
1202
+
1203
+ trials, there was no longer any visibility, decoding, any awareness,
1204
+
1205
+ decoding in large swathes of the pre-frontal cortex.
1206
+
1207
+ Now, it was possible to still decode awareness from some
1208
+
1209
+ subregions of of all time, such as the posterior medial
1210
+
1211
+ frontal cortex.
1212
+
1213
+ So I think this is a very recent study, and
1214
+
1215
+ we just presented this a conference over the summer and
1216
+
1217
+ published it a few weeks ago.
1218
+
1219
+ And so I think we're still figuring out how to
1220
+
1221
+ interpret this.
1222
+
1223
+ So there's I think there's two implications of this work.
1224
+
1225
+ So the first is that this is a big issue.
1226
+
1227
+ This is a big deal that these are two distinct
1228
+
1229
+ phenomena.
1230
+
1231
+ On the one hand, we have confidence formation, monitoring, metacognition,
1232
+
1233
+ thinking about whether you got an answer right or wrong.
1234
+
1235
+ And this has been confounding all the studies of awareness
1236
+
1237
+ in the literature.
1238
+
1239
+ And so we could need to control for that to
1240
+
1241
+ isolate a pure awareness signal.
1242
+
1243
+ And this has been this view has been supported by
1244
+
1245
+ people like Standard Hand who think that monitoring self awareness
1246
+
1247
+ of whether you get things right or wrong should be
1248
+
1249
+ considered as distinct to global broadcast.
1250
+
1251
+ The alternative view is one that I favour is that
1252
+
1253
+ there are shared computational substrates for both monitoring and wireless.
1254
+
1255
+ Essentially what we mean by that is the ability to
1256
+
1257
+ be aware of how things are being processed and that
1258
+
1259
+ includes being confident in a response that you get.
1260
+
1261
+ The very feasibility confidence can be defined in terms of
1262
+
1263
+ being confident in a first order representation.
1264
+
1265
+ So that means there might actually be shared mechanisms that
1266
+
1267
+ underpin both confidence and awareness, and therefore it's unsurprising that
1268
+
1269
+ much of the classical correlates of consciousness disappear when we
1270
+
1271
+ control for confidence, because that's what we should expect under
1272
+
1273
+ that view.
1274
+
1275
+ So this is an ongoing debate and it's not been
1276
+
1277
+ resolved.
1278
+
1279
+ Yes.
1280
+
1281
+ And so what I've described is that we now have
1282
+
1283
+ a number of empirical signatures of consciousness.
1284
+
1285
+ We also have a number of theories.
1286
+
1287
+ And I just want to tell you one thing about
1288
+
1289
+ what's happening at the moment and in, I guess, conscious
1290
+
1291
+ to science as a ongoing project.
1292
+
1293
+ So one thing that people are a bit worried about
1294
+
1295
+ is that.
1296
+
1297
+ These theories are somewhat siloed.
1298
+
1299
+ They're being tested by different labs that don't often talk
1300
+
1301
+ to each other.
1302
+
1303
+ And there was actually a really interesting study from Italy,
1304
+
1305
+ Iran and the moderates group in Israel that they collected
1306
+
1307
+ all these different papers on consciousness in the literature together.
1308
+
1309
+ And then what they did is they mined the text
1310
+
1311
+ of those papers and asked which theory is being tested
1312
+
1313
+ in those papers.
1314
+
1315
+ And slightly concerningly in papers that said that they were
1316
+
1317
+ testing recurrent processing theory.
1318
+
1319
+ They would often report evidence for activation in the visual
1320
+
1321
+ cortex in support of consciousness, whereas in papers that said
1322
+
1323
+ they were testing global workspace theory, they would often report
1324
+
1325
+ activations in the front sprouts of network consciousness.
1326
+
1327
+ This is a bit of a concern, right?
1328
+
1329
+ Because it can't be that they're both right.
1330
+
1331
+ So there seems to be quite a bit of bias
1332
+
1333
+ between some labs focussed on one area, some labs focussed
1334
+
1335
+ on another theory.
1336
+
1337
+ And I think that there are now ongoing, really interesting
1338
+
1339
+ ongoing initiatives such as adversarial collaborations that have tried to
1340
+
1341
+ stop this happening and try and get labs who are
1342
+
1343
+ favouring different theories to actually work together and test competing
1344
+
1345
+ predictions.
1346
+
1347
+ I also think there might be a deeper problem here
1348
+
1349
+ in consciousness science, and that is the fact that actually
1350
+
1351
+ the theories of consciousness are not really thinking about what
1352
+
1353
+ the functions of consciousness are.
1354
+
1355
+ So in this recent article I suggested that there is
1356
+
1357
+ a consciousness, a solutions in need of problems.
1358
+
1359
+ People are putting forward theories of how consciousness might work
1360
+
1361
+ in the brain, but they're not necessary thinking about why
1362
+
1363
+ consciousness exists in the first place, and that is at
1364
+
1365
+ odds with other fields of psychology, right?
1366
+
1367
+ So if you have a theory of memory, for instance,
1368
+
1369
+ then you want to know what that memory is being
1370
+
1371
+ useful.
1372
+
1373
+ How is it helping the organism survive?
1374
+
1375
+ And instead, in conscious decisions, we often rely, I think,
1376
+
1377
+ a bit too much on intuition about the kind of
1378
+
1379
+ experience we're trying to explain.
1380
+
1381
+ Just as I introduced in a stop, I started the
1382
+
1383
+ lecture by saying, Imagine you are on a bridge in
1384
+
1385
+ London and looking at something sunset.
1386
+
1387
+ That's very intuitive, but it's not really constrained functionally.
1388
+
1389
+ And this lack of functional constraints is a problem because
1390
+
1391
+ the test of a good theory in psychology or neuroscience
1392
+
1393
+ is whether it can explain how a system performs a
1394
+
1395
+ particular function, how a theory of vision explains how we
1396
+
1397
+ categorise objects, or how a theory of memory explains how
1398
+
1399
+ we remember and forget.
1400
+
1401
+ All right.
1402
+
1403
+ So I think we can take a lot from the
1404
+
1405
+ next levels of analysis from David Marr.
1406
+
1407
+ So this is the idea that if you're trying to
1408
+
1409
+ explain, for instance, how a bird flies, you first need
1410
+
1411
+ to know something about why it's trying to flap its
1412
+
1413
+ wings.
1414
+
1415
+ What is the goal of flights is to take off
1416
+
1417
+ and leave the ground.
1418
+
1419
+ And that then constrains your search for the algorithm that
1420
+
1421
+ does that job.
1422
+
1423
+ Maybe you're going to take off and leave the ground
1424
+
1425
+ with jet engines and fixed wings.
1426
+
1427
+ Or maybe you're going to take off and leave the
1428
+
1429
+ ground with flapping your wings.
1430
+
1431
+ And then you can think about how that might be
1432
+
1433
+ implemented at the physical level.
1434
+
1435
+ And people have suggested that in neuroscience and psychology, it's
1436
+
1437
+ useful to think about all these levels of analysis.
1438
+
1439
+ So both the levels of implementation, such as how it
1440
+
1441
+ works at the level of brain areas in seconds and
1442
+
1443
+ algorithms, so computation, but also and this thing, this is
1444
+
1445
+ the level that often gets missed out.
1446
+
1447
+ What's the goal of the hour?
1448
+
1449
+ Why is it there in the first place?
1450
+
1451
+ And one thing I think is useful to constrain theories
1452
+
1453
+ of consciousness is the notion that consciousness, at the very
1454
+
1455
+ least, seems to be for sharing information.
1456
+
1457
+ And this has been put forward by Chris Pratt, who
1458
+
1459
+ used to be.
1460
+
1461
+ He's emeritus professor at UCL.
1462
+
1463
+ And he writes, The conscious experience is the one outcome
1464
+
1465
+ of the brain's information processing that can be shared with
1466
+
1467
+ others.
1468
+
1469
+ I think it's very hard to disagree.
1470
+
1471
+ This is essentially the definition of what we mean by
1472
+
1473
+ conscious experience.
1474
+
1475
+ When I'm a stimulus and you don't see it and
1476
+
1477
+ you can't tell me what it was, that's the definition
1478
+
1479
+ of it.
1480
+
1481
+ There may be lots of things that are influencing our
1482
+
1483
+ behaviour unconsciously.
1484
+
1485
+ I can't tell you what they are.
1486
+
1487
+ If I could, I would be conscious of them.
1488
+
1489
+ The consciousness is at the very least for sharing.
1490
+
1491
+ And what's interesting is that this kind of idea is
1492
+
1493
+ floated around the literature, but being somewhat obscure for many
1494
+
1495
+ years now.
1496
+
1497
+ So this is a book chapter written by the famous
1498
+
1499
+ neuroscientist Horace Barlow.
1500
+
1501
+ And and it's not as widely known as Chris's work
1502
+
1503
+ because it appeared in this book chapter in 1997.
1504
+
1505
+ But he writes here, I think, things that are very
1506
+
1507
+ similar.
1508
+
1509
+ So what makes the pursuit of communal goals possible as
1510
+
1511
+ humans is our ability to communicate with each other, which
1512
+
1513
+ is surely the direct and obvious result of being conscious.
1514
+
1515
+ Because if we weren't conscious of what we're thinking about
1516
+
1517
+ and feeling, we couldn't share that with others.
1518
+
1519
+ On the current hypothesis conscious experience gives one communicating one's
1520
+
1521
+ own experience to others.
1522
+
1523
+ That is its purpose and survival value.
1524
+
1525
+ So what we're what we've been working on recently is
1526
+
1527
+ trying to drill down into the algorithms that might support
1528
+
1529
+ sharing of conscious information.
1530
+
1531
+ So first of all, it's useful to think about what
1532
+
1533
+ is being shared.
1534
+
1535
+ And at the least, I think we can think of
1536
+
1537
+ both content.
1538
+
1539
+ So I might share with you the fact that I'm
1540
+
1541
+ feeling a bit tired or hungry, or I can see
1542
+
1543
+ a bird over there or, you know, that nice content
1544
+
1545
+ of words.
1546
+
1547
+ I also might share with you the vividness of that
1548
+
1549
+ experience.
1550
+
1551
+ I might say to you, I just can't continue this
1552
+
1553
+ lecture because my headache is so strong.
1554
+
1555
+ That's a very strong experience dominating my conscious experience.
1556
+
1557
+ And these things are interchangeable, right?
1558
+
1559
+ So I might be vividly aware of having a headache
1560
+
1561
+ or dully aware of it.
1562
+
1563
+ Partially.
1564
+
1565
+ Well.
1566
+
1567
+ And this in philosophy is known as the idea of
1568
+
1569
+ mental strength.
1570
+
1571
+ It goes all the way back to David HUME.
1572
+
1573
+ Recently, this paper from George Moralez, who has suggested that
1574
+
1575
+ the idea that mental strength is a phenomenal magnitude is
1576
+
1577
+ the strength of vividness, of an experience.
1578
+
1579
+ And it said by all conscious experience and explains that
1580
+
1581
+ degree of intensity.
1582
+
1583
+ And indeed, it seems that this is capturing something deep
1584
+
1585
+ about what it means to be aware of different types
1586
+
1587
+ of mental content.
1588
+
1589
+ Because when you put people in an experiment where they
1590
+
1591
+ actually have to share information to succeed, they naturally fall
1592
+
1593
+ back on this sharing of mental strength.
1594
+
1595
+ So this is an experiment from Barbara Graham's group where
1596
+
1597
+ they asked people to sit and look at two different
1598
+
1599
+ computer screens.
1600
+
1601
+ They have a different visual task to do.
1602
+
1603
+ The task is not so important at the moment.
1604
+
1605
+ But the important thing is that they would then allow
1606
+
1607
+ us just chat to each other and come up with
1608
+
1609
+ a joint decision about what they saw on the screen
1610
+
1611
+ and the kind of words they used.
1612
+
1613
+ This was done in Denmark, but the translations there are
1614
+
1615
+ things like, you know, I, I, I see see this
1616
+
1617
+ very well, but these I didn't see anything will go
1618
+
1619
+ with yours because I saw nothing.
1620
+
1621
+ I took a guess, a wild guess so that communicating
1622
+
1623
+ degrees of experience, strengths of experience.
1624
+
1625
+ And by doing so, they can then achieve a better
1626
+
1627
+ performance together than the best individual could alone.
1628
+
1629
+ Okay.
1630
+
1631
+ I just want to give you a flavour of this
1632
+
1633
+ model.
1634
+
1635
+ This is the part that I said was, uh.
1636
+
1637
+ That could be, could be sketches.
1638
+
1639
+ This is very much ongoing work, and it's not the
1640
+
1641
+ kind of thing you would necessarily be expected to talk
1642
+
1643
+ about in an exam, for instance.
1644
+
1645
+ But the idea that we're working with in our lab
1646
+
1647
+ is that we can start building in a this this
1648
+
1649
+ notion of awareness of mental strength into a generative model
1650
+
1651
+ of perceptual content that we can simulate in the computer,
1652
+
1653
+ and then we can devise hypotheses that test this awareness
1654
+
1655
+ related computation against its implementation in the brain.
1656
+
1657
+ So the idea behind generative models, this is very broad,
1658
+
1659
+ and you might have heard this idea in vision science
1660
+
1661
+ is the idea that what the brain is doing is
1662
+
1663
+ essentially building a generative model of the incoming sensory data.
1664
+
1665
+ So it's trying to infer the best guess of what
1666
+
1667
+ it's seeing based on the incoming prediction errors and the
1668
+
1669
+ sending predictions.
1670
+
1671
+ So this is known as predictive coding theory, predictive processing,
1672
+
1673
+ and more generally it's known as the theory of generative
1674
+
1675
+ models.
1676
+
1677
+ But what's interesting about this architecture is that awareness of
1678
+
1679
+ the degree of phenomenal magnitude or awareness of content is
1680
+
1681
+ not in that a lot of this stuff is suggested
1682
+
1683
+ to be proceeding completely unconsciously.
1684
+
1685
+ That's why we're not aware of how that percept of
1686
+
1687
+ an animal is being formed, how what's called an unconscious
1688
+
1689
+ inference.
1690
+
1691
+ We just unconsciously infer that an apple is there in
1692
+
1693
+ front of us.
1694
+
1695
+ And so we might need to start thinking about how
1696
+
1697
+ we can extend out these models to include additional higher
1698
+
1699
+ order levels that monitor the extent to which the system
1700
+
1701
+ thinks there is content in its first order generative model.
1702
+
1703
+ So this is a higher order theory of consciousness.
1704
+
1705
+ And the idea here is that awareness states are abstractions
1706
+
1707
+ about the presence or absence of perceptual content, and that
1708
+
1709
+ might support communication of mental strength.
1710
+
1711
+ And I will now just skip over the experiment because
1712
+
1713
+ I wanted to go to the part on on the
1714
+
1715
+ ethics.
1716
+
1717
+ But you have the slides and if anyone has any
1718
+
1719
+ particular questions about this and feel free to to come
1720
+
1721
+ and talk to me afterwards.
1722
+
1723
+ As I said, this is very much ongoing work that's
1724
+
1725
+ not published yet.
1726
+
1727
+ And so what we're trying to do with this work
1728
+
1729
+ is reverse the arrow here.
1730
+
1731
+ So we have functional constraints on what awareness is for
1732
+
1733
+ and that we hope we're very much at the start
1734
+
1735
+ of this project will start to enable us to, rather
1736
+
1737
+ than just remain siloed, testing different favourite theories that are
1738
+
1739
+ built often on intuition, to actually develop a working model
1740
+
1741
+ of the minimal types of computation that might allow the
1742
+
1743
+ communication of mental strength, the communication of degrees of experience,
1744
+
1745
+ and then test that against behaviour and brain activity.
1746
+
1747
+ Okay.
1748
+
1749
+ So just to derive some interim conclusions.
1750
+
1751
+ So we've looked at how techniques such as visual masking
1752
+
1753
+ and binocular rivalry allow the precise manipulation of awareness to
1754
+
1755
+ simple stimuli.
1756
+
1757
+ Conversion evidence for unconscious processing of stimuli is provided by
1758
+
1759
+ people performing above chance on indirect measures of information processing,
1760
+
1761
+ such as priming or forced choice responding.
1762
+
1763
+ The Neural correlates Consciousness research program identifies awareness with front
1764
+
1765
+ surprise selectivity and recurrent processing.
1766
+
1767
+ But note that it's important whenever you are reading this
1768
+
1769
+ literature to assess whether there whether the research is a
1770
+
1771
+ much different potential composition of performance and confidence when assessing
1772
+
1773
+ the basis of awareness.
1774
+
1775
+ And finally, I am excited by the idea of adopting
1776
+
1777
+ a more functional perspective, just like we do in other
1778
+
1779
+ fields of psychology.
1780
+
1781
+ So what is consciousness for might and allow us to
1782
+
1783
+ build a conversation among the consciousness related processing.
1784
+
1785
+ Okay.
1786
+
1787
+ So mainly we've talked about this difference in conscious content.
1788
+
1789
+ We talked briefly about difference in conscious level at the
1790
+
1791
+ start.
1792
+
1793
+ But now I just want to turn to the problems
1794
+
1795
+ that arise when we're able to start detecting conscious level
1796
+
1797
+ independence of what clinicians call vigilance.
1798
+
1799
+ So people who are in a vegetative state or some
1800
+
1801
+ forms of advanced dementia that are non-responsive might actually be
1802
+
1803
+ vigilant in the sense that they're awake, their eyes are
1804
+
1805
+ open.
1806
+
1807
+ But they may have very little.
1808
+
1809
+ In a consciousness.
1810
+
1811
+ At least that's what a lot of ICU doctors think
1812
+
1813
+ about people who are in a vegetative state.
1814
+
1815
+ And.
1816
+
1817
+ What's fascinating and somewhat disturbing is that there are cases
1818
+
1819
+ where, while clinically is usually described as condition, is wakefulness.
1820
+
1821
+ Without awareness, a subset of patients may show no reliable
1822
+
1823
+ behavioural signs and yet be able to communicate known as
1824
+
1825
+ a minimally conscious state.
1826
+
1827
+ And this is famously described by Jean-Dominique OB, who is
1828
+
1829
+ a former editor.
1830
+
1831
+ Elle and then became locked in in a minimally conscious
1832
+
1833
+ state and went on to write this beautiful book, The
1834
+
1835
+ Diving Bell and the Butterfly, just by fluttering his eyelid
1836
+
1837
+ to indicate what words he wanted on the page.
1838
+
1839
+ A whole book that.
1840
+
1841
+ And the problem is that recovery from this vegetative state
1842
+
1843
+ after around one year is very rare and often involves
1844
+
1845
+ severe disability.
1846
+
1847
+ So it raises ethical issues because you might read in
1848
+
1849
+ the media sometimes about decisions, controversial decisions to be made
1850
+
1851
+ by the legal and medical professions, about whether it's right
1852
+
1853
+ to remove life support from someone who's in a vegetative
1854
+
1855
+ state.
1856
+
1857
+ That's actually how this is not living anymore.
1858
+
1859
+ Now, obviously, this changes a lot.
1860
+
1861
+ If science can come along and say, actually, maybe there
1862
+
1863
+ is some in a conscious experience there and maybe it's
1864
+
1865
+ a meaningful one.
1866
+
1867
+ And a real advance came in this area from work
1868
+
1869
+ done by Adrian Owens Love, who's now in Canada.
1870
+
1871
+ And he showed that in some vegetative state patients, when
1872
+
1873
+ you put them into a functional MRI scanner and you
1874
+
1875
+ ask them to imagine either walking around the house or
1876
+
1877
+ playing tennis, then the activations you got in, say, the
1878
+
1879
+ motor cortex and the networks such as the prior to
1880
+
1881
+ cortex involved in spatial navigation were very similar to those
1882
+
1883
+ you got in controls.
1884
+
1885
+ Being asked to imagine walking around the house, all things
1886
+
1887
+ tennis.
1888
+
1889
+ So that was taken as some evidence that the patients,
1890
+
1891
+ even though they're behaviourally unresponsive, may well be conscious to
1892
+
1893
+ the same degree as the controls.
1894
+
1895
+ Similarly, it's been possible to use non-invasive transcranial magnetic stimulation
1896
+
1897
+ to ping the brain and then look at how distributed
1898
+
1899
+ responses reverberate around the brain using EEG.
1900
+
1901
+ I won't go into all the details of this, but
1902
+
1903
+ essentially what you can do is then take these recordings,
1904
+
1905
+ compress it down and ask how complex is the activation
1906
+
1907
+ that is elicited?
1908
+
1909
+ This is known as the Participation complexity index PCI.
1910
+
1911
+ And when you plot this perturbation to index on the
1912
+
1913
+ y axis here as a sorted according to the different
1914
+
1915
+ patient groups, then healthy subjects are up here.
1916
+
1917
+ So you see complex brain responses and patients who are
1918
+
1919
+ confirmed vegetative state down here.
1920
+
1921
+ But what's interesting is these behaviourally unresponsive MCI patients sometimes
1922
+
1923
+ drift over into the healthy range and even some vegetative
1924
+
1925
+ state patients might start to be providing some evidence of
1926
+
1927
+ consciousness.
1928
+
1929
+ So I just want to end with a single case
1930
+
1931
+ study.
1932
+
1933
+ So this was reported in this paper made you know,
1934
+
1935
+ in reviewing a lot of this literature in 2013.
1936
+
1937
+ So this was a 26 year old male who'd had
1938
+
1939
+ a motor vehicle accident, was admitted to hospital in a
1940
+
1941
+ coma.
1942
+
1943
+ And over the next 12 years remaining consistent behaviour defined
1944
+
1945
+ vegetative state.
1946
+
1947
+ And in February 2012, he used I wouldn't use this
1948
+
1949
+ tiny house method to answer multiple externally verifiable questions so
1950
+
1951
+ you could ask the subject to imagine playing tennis.
1952
+
1953
+ Yes.
1954
+
1955
+ Or imagine play walking around your house for no.
1956
+
1957
+ And then he was able to answer using that non-invasive
1958
+
1959
+ brain imaging method his own what his name was, the
1960
+
1961
+ name of his support worker and so on.
1962
+
1963
+ These are things that.
1964
+
1965
+ You know, only he could have known and were able
1966
+
1967
+ to be verified by the medics.
1968
+
1969
+ And then what becomes very difficult is the same technique
1970
+
1971
+ could then be used to ask non verifiable questions that
1972
+
1973
+ might be important for quality of care, which is what
1974
+
1975
+ he wants to watch on TV and whether he is
1976
+
1977
+ in pain.
1978
+
1979
+ So there's clear ethical implications here.
1980
+
1981
+ I won't read all these out, but just to highlight
1982
+
1983
+ what sorry, just to highlight a couple of things.
1984
+
1985
+ So first of all, we might have an intuition that
1986
+
1987
+ that must be a terrible quality of life being locked
1988
+
1989
+ in.
1990
+
1991
+ All you could do is imagine and create brain activity
1992
+
1993
+ patterns that you can't do anything.
1994
+
1995
+ You're sitting there just completely stationary.
1996
+
1997
+ But our intuitions about this might actually be wrong.
1998
+
1999
+ When you measure quality of life in patients who in
2000
+
2001
+ locked in syndrome patients, the majority say they're happy with
2002
+
2003
+ their quality of life even though they're locked in and
2004
+
2005
+ this is covered in the baby book.
2006
+
2007
+ And so the advantage of then single patient communication is
2008
+
2009
+ that a subset of those patients might not be happy,
2010
+
2011
+ but there might be very simple things that we can
2012
+
2013
+ do to change and be able to communicate with them.
2014
+
2015
+ Noninvasively is potentially very important.
2016
+
2017
+ Okay.
2018
+
2019
+ So just to conclude, so I've said a few of
2020
+
2021
+ these, and the last point here is that neuro imaging
2022
+
2023
+ may facilitate communication with behaviourally non-responsive patients and allow classification
2024
+
2025
+ of peaceful levels of awareness, but this raises deep ethical
2026
+
2027
+ issues.
2028
+
2029
+ Thanks very much.
raw_transcripts/lecture_15.txt ADDED
@@ -0,0 +1,2715 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Okay.
2
+
3
+ Good morning, everybody.
4
+
5
+ I think we're on the mic.
6
+
7
+ Yeah.
8
+
9
+ Welcome back.
10
+
11
+ Unfortunately, last week we had a strike.
12
+
13
+ Action affected you.
14
+
15
+ Today, there's no strike.
16
+
17
+ So please be quiet for the start of the lecture.
18
+
19
+ So today, this week, returning from last week, all motivation
20
+
21
+ and consciousness to memory.
22
+
23
+ We're today going to focus on human memory, a particular
24
+
25
+ condition that illuminates a lot of our memory.
26
+
27
+ And on Friday, we'll pick up on animal research.
28
+
29
+ This holiday on tonight.
30
+
31
+ What do we know about what the cells are doing?
32
+
33
+ So in this lecture, you should know about different types
34
+
35
+ of amnesia.
36
+
37
+ This is the topic of today, the brain regions involved.
38
+
39
+ Examples of the neuropsychological tests which would be important if
40
+
41
+ any of you are interested in going on into clinical
42
+
43
+ psychology and the functions lost or retained in amnesia and
44
+
45
+ controversies.
46
+
47
+ So what is happening here?
48
+
49
+ Amnesia is defined as a profound loss of memory in
50
+
51
+ the in the in the presence of relatively preserved cognitive
52
+
53
+ abilities.
54
+
55
+ That's a bit of a mouthful.
56
+
57
+ So what it implies is not some of these just
58
+
59
+ lost memory.
60
+
61
+ So we're interested in people who have lost memory and
62
+
63
+ profoundly not forgot where the book is or where they
64
+
65
+ park their car or something like that.
66
+
67
+ Someone who just can't remember any experience of having.
68
+
69
+ And also they can do other things that have normal
70
+
71
+ function.
72
+
73
+ So if you say somewhere else, Alzheimer's and amnesic patients,
74
+
75
+ the answer is no.
76
+
77
+ And we'll see you in a moment.
78
+
79
+ So why is it interesting?
80
+
81
+ As you'll see in and as you've seen from lots
82
+
83
+ of lectures in this course, when the system breaks down,
84
+
85
+ this case amnesia goes that we can learn a lot
86
+
87
+ about how the system normally functions.
88
+
89
+ How does healthy memory work when we do have our
90
+
91
+ memory?
92
+
93
+ And if you take an example from culture about memory
94
+
95
+ is a quote from Michael Crichton, who wrote Jurassic Park,
96
+
97
+ and this is his book, Sphere At the end of
98
+
99
+ the entire narrative of the book around memories, as though
100
+
101
+ the characters in the sense the character thought, all we
102
+
103
+ consist of is memories.
104
+
105
+ That's who you are in the audience and the way
106
+
107
+ our personalities are constructed from memories.
108
+
109
+ Our lives are organised around memories.
110
+
111
+ You came here today because you had a lecture.
112
+
113
+ Our culture is built upon memories.
114
+
115
+ The foundation of shared memories is what we call history
116
+
117
+ and science.
118
+
119
+ So this is kind of an attempt to capture the
120
+
121
+ profound nature of having memory and how devastating we didn't
122
+
123
+ need it to survive.
124
+
125
+ What to eat?
126
+
127
+ Where are you supposed to be?
128
+
129
+ What you're what to avoid?
130
+
131
+ All these things that allow us to survive.
132
+
133
+ What I'm going to talk about today is despite having
134
+
135
+ a lack of memory amnesia, patients will say, you can
136
+
137
+ do an amazing range of things.
138
+
139
+ So here's a YouTube link to something.
140
+
141
+ I'll show you an example.
142
+
143
+ It starts with the man with amnesia playing a piano
144
+
145
+ and remarkably well.
146
+
147
+ Hopefully the audio work for this.
148
+
149
+ One man is consigned to live entirely within the.
150
+
151
+ Present with terrible consequences.
152
+
153
+ Clive Waring has the worst case of amnesia.
154
+
155
+ He lost his memory.
156
+
157
+ And now his wife, Deborah, is the only person he
158
+
159
+ recognises.
160
+
161
+ Oh, ho ho, ho, ho!
162
+
163
+ It really only has less than 30 seconds memory, and
164
+
165
+ sometimes it's as little as perhaps 7 seconds.
166
+
167
+ It's as little as a sentence.
168
+
169
+ I'm going to see your sister down at dances.
170
+
171
+ Got married recently in New Zealand and said they're having
172
+
173
+ a party from her.
174
+
175
+ The Ladies Club title.
176
+
177
+ A married man will see to know how much he
178
+
179
+ knows how many guests he didn't put down.
180
+
181
+ I need to know why I'm going.
182
+
183
+ She's having a party at her house tomorrow.
184
+
185
+ She will say no.
186
+
187
+ I know it is to do with her daughter.
188
+
189
+ Do you mind have daughters having a party?
190
+
191
+ Yes.
192
+
193
+ No.
194
+
195
+ She's just got married.
196
+
197
+ She just got married.
198
+
199
+ And did what country?
200
+
201
+ She just got married in New Zealand.
202
+
203
+ Oh.
204
+
205
+ Yeah.
206
+
207
+ The sentence he is in.
208
+
209
+ He will probably have forgotten the sentence before you ask
210
+
211
+ him a question, and he'll give you an answer.
212
+
213
+ But while he's giving me the answer.
214
+
215
+ He's already forgotten the question.
216
+
217
+ But so bad it is and is worth watching to
218
+
219
+ the end of it.
220
+
221
+ I'm not going to court that because it highlights just
222
+
223
+ that case of Clive wearing just tie for normally tense
224
+
225
+ and these you can be trying to trying to imagine
226
+
227
+ how crippling that would be if as I'm talking to
228
+
229
+ you now, you forgotten why I started the sentence.
230
+
231
+ What was I talking about?
232
+
233
+ This is the classic description from Dani's ex, like Clive
234
+
235
+ Waring, is that it's like waking from a tree.
236
+
237
+ You know, you woken up in the morning, you're a
238
+
239
+ bit dazed, and you've been having a really intense dream
240
+
241
+ about something and it just fades.
242
+
243
+ And someone says, What were you thinking about in your
244
+
245
+ dream?
246
+
247
+ It is really intense for you, but it just evaporates
248
+
249
+ and you can't remember that.
250
+
251
+ And they say, certainly Clive says this in the video.
252
+
253
+ That's like it all the time for him.
254
+
255
+ And he's really angry because he knows he should know
256
+
257
+ things, but he can't.
258
+
259
+ And he says the doctors have been useless, unable to
260
+
261
+ help.
262
+
263
+ He's just absolutely straight.
264
+
265
+ So it's quite it's a quite a side effect of
266
+
267
+ amnesia.
268
+
269
+ But let's not forget what he did at the beginning.
270
+
271
+ He's got no memory.
272
+
273
+ But how did he remember to play the piano with
274
+
275
+ absolute expert precision?
276
+
277
+ So he does have some memory.
278
+
279
+ And what is the memory he has now as we're
280
+
281
+ starting this lecture is that's the interesting bit about Clive
282
+
283
+ and his wife, Deborah.
284
+
285
+ And also she dies every time he meets his wife,
286
+
287
+ Deborah, that you saw when he opened the door, He
288
+
289
+ jumps up and kisses her and cuddles her every single
290
+
291
+ time.
292
+
293
+ So she goes to make a cup of tea and
294
+
295
+ comes back.
296
+
297
+ He's felt like he's not seen her for years.
298
+
299
+ And so it's extremely difficult for his wife as well
300
+
301
+ as her.
302
+
303
+ So just to highlight the challenges.
304
+
305
+ So Clive, in that narrative has what's known as organic
306
+
307
+ amnesia.
308
+
309
+ There's a there's a he has brain damage that has
310
+
311
+ caused his amnesia.
312
+
313
+ There are fascinating.
314
+
315
+ The psychogenic amnesia is caused by causes where patients suffer
316
+
317
+ mental health problems and cannot remember things.
318
+
319
+ We're not going to touch on that today, but they
320
+
321
+ are they are fascinating and much more complicated.
322
+
323
+ And I'm talking about the transient amnesia is so epileptic
324
+
325
+ amnesia is, for example, a schema accompanies.
326
+
327
+ Is that cause a complete loss that people wake up
328
+
329
+ from this condition unable to remember what they're doing in
330
+
331
+ the hospital, where they are, why they're there, what's going
332
+
333
+ on?
334
+
335
+ They're amnesic like lies.
336
+
337
+ But within a couple of days or weeks, it returns
338
+
339
+ to normal, comes back.
340
+
341
+ They don't have persistent amnesia.
342
+
343
+ Clive has this organic, persistent.
344
+
345
+ He's never remembered anything since his brain damage.
346
+
347
+ And the other thing Clive has is this non degenerative
348
+
349
+ form.
350
+
351
+ He isn't changing.
352
+
353
+ He's just got the same memory problems day in, day
354
+
355
+ out.
356
+
357
+ Degenerative amnesia has come under Alzheimer's disease and other conditions
358
+
359
+ that keep getting worse.
360
+
361
+ And sometimes you have this new terrible specific you can
362
+
363
+ have brain surgery and end up losing memory for words
364
+
365
+ then on other things or in the case of Clive.
366
+
367
+ And what we'll be talking about today is the classic
368
+
369
+ Amnesic syndrome.
370
+
371
+ Where is all material?
372
+
373
+ There's another audio, verbal, written, any information coming to him
374
+
375
+ that he's trying to recall?
376
+
377
+ It's it's lost.
378
+
379
+ So let's dive now from the what is amnesia to
380
+
381
+ what was causing that.
382
+
383
+ This is a brain in behaviour.
384
+
385
+ So it's about the behaviour that's going to the brain.
386
+
387
+ Well, the first place to start with that is the
388
+
389
+ most commonly damaged brain area for amnesia is the structure
390
+
391
+ of the hippocampus.
392
+
393
+ Now he focuses a picture through a schematic of the
394
+
395
+ human brain and one of the images from the tutorial
396
+
397
+ you get on anatomy.
398
+
399
+ And we talked about the hippocampus in regards to the
400
+
401
+ impact of stressors and how that stress disrupts memory.
402
+
403
+ And today we're going to talk about it a bit
404
+
405
+ about the hippocampus beyond stress in terms of other factors
406
+
407
+ that can damage it.
408
+
409
+ And on Friday, we'll come back to the two things
410
+
411
+ that sort of tests that can be used in animals
412
+
413
+ we thought about in more detail.
414
+
415
+ But here's the hippocampus gets his name because it looks
416
+
417
+ a little bit like a seahorse.
418
+
419
+ You can see that stylised in the brain of a
420
+
421
+ human post-mortem brain.
422
+
423
+ Here it is curled up in the medium term for
424
+
425
+ lobe.
426
+
427
+ So where is the hippocampus is in the temporal lobe
428
+
429
+ and it's in the medial powers.
430
+
431
+ If we take a coronial section is the temporal lobe,
432
+
433
+ and here is this folded up structure of the hippocampus.
434
+
435
+ Here, let me slice through a horizontal or a horizontal
436
+
437
+ section.
438
+
439
+ We can see the hippocampus is tucked away here.
440
+
441
+ There's one hippocampus in each hemisphere, and it's huge in
442
+
443
+ most mammals in the sense.
444
+
445
+ Takes up a lot of the brain.
446
+
447
+ And interestingly, it looks very, very similar.
448
+
449
+ Here's your hippocampus.
450
+
451
+ Here's what you have to have.
452
+
453
+ This would look like a version of your brain.
454
+
455
+ So the cadaver is level surgically.
456
+
457
+ You don't want to happen, of course.
458
+
459
+ But if you had to do that with a bat
460
+
461
+ or a sheep or a giraffe, it would look almost
462
+
463
+ identical to yours.
464
+
465
+ So the evolution is tinkered with these things, but hasn't
466
+
467
+ really changed the hippocampus.
468
+
469
+ It's doing something utterly important for giraffes, bats and humans
470
+
471
+ and whales.
472
+
473
+ All of them have a very similar looking hippocampus.
474
+
475
+ There's this stuff around in the neocortex that has radically
476
+
477
+ changed in humans and other species.
478
+
479
+ Now, this massive wiring diagram, which is very simplistic because
480
+
481
+ it's from 1991, contains what they call the element of
482
+
483
+ an and first described is a sort of general structure
484
+
485
+ of the visual system.
486
+
487
+ So you covered sensory systems earlier in the course.
488
+
489
+ Here's your retina where light arrives on the the different
490
+
491
+ P and cells in your retina and passes through different
492
+
493
+ processing sections.
494
+
495
+ And right on top of that is seeing the hippocampus.
496
+
497
+ This is getting visual input from your eyes.
498
+
499
+ So what you're seeing now is getting into your hippocampus.
500
+
501
+ But as we're thinking out, there's a lot of processing
502
+
503
+ that's occurring across the entire brain before it reaches your
504
+
505
+ eye.
506
+
507
+ So there's a lot of.
508
+
509
+ So the hippocampus is getting information about highly, highly processed
510
+
511
+ information.
512
+
513
+ So it's doing something quite important.
514
+
515
+ Of course, we'll focus that today.
516
+
517
+ One of the key things the hippocampus is doing is
518
+
519
+ memory.
520
+
521
+ Let's dive into the anatomy a bit more.
522
+
523
+ Here's that picture I showed you earlier of a cadaver.
524
+
525
+ Here's the section where they stated The brain is really
526
+
527
+ microtransaction.
528
+
529
+ They say that these are the black dots, individual cells
530
+
531
+ for a human, a healthy human.
532
+
533
+ And what you've got in the middle here is the
534
+
535
+ hippocampus.
536
+
537
+ We've got the cortex, the neocortex on the outside.
538
+
539
+ And what this very simplistic story is showing us is
540
+
541
+ that there are all these areas in the neocortex that
542
+
543
+ associate information together.
544
+
545
+ So going back to this story here, use the retina.
546
+
547
+ Here is the early processing of the brain provision.
548
+
549
+ And then there are all these associative areas here.
550
+
551
+ And that's what we're looking at here.
552
+
553
+ Lots of information that feeds into two key areas the
554
+
555
+ power of the campus, our campus cortex and the prefrontal
556
+
557
+ cortex.
558
+
559
+ And I showed here in this slide, we've got the
560
+
561
+ prefrontal cortex here.
562
+
563
+ And that sends information to an area called the entering
564
+
565
+ cortex.
566
+
567
+ This bit here and then it's around the cortex, as
568
+
569
+ you'll get a lecture from Solomon is one of the
570
+
571
+ earliest areas affected in Alzheimer's disease.
572
+
573
+ There's a lot of interest in what this brain areas
574
+
575
+ doing, the various more elaborate bits in anatomy but effectively
576
+
577
+ the main pathway information from your eye and other senses
578
+
579
+ are reaching the hippocampus.
580
+
581
+ It's through the interactive cortex.
582
+
583
+ And they terminate their cells into these areas in here.
584
+
585
+ And we'll come on to that in more detail on
586
+
587
+ Friday, the anatomy that's going on inside here.
588
+
589
+ But suffice to say, today we're looking at this area,
590
+
591
+ the hippocampus in here.
592
+
593
+ Here's a diagram from a textbook trying to outline the
594
+
595
+ hippocampus and how it's linked to other areas for amnesia.
596
+
597
+ This blue area is the hippocampus.
598
+
599
+ And what we're highlighting is the meat, the temporal lobe,
600
+
601
+ and an immediate temporal lobe.
602
+
603
+ That's the corpus callosum that we now had in a
604
+
605
+ number of markers.
606
+
607
+ What we're looking at here is a circuit.
608
+
609
+ So the hippocampus is receiving that information of the Toronto
610
+
611
+ cortex.
612
+
613
+ The arrows are showing us that it's passing up a
614
+
615
+ white matter pathway equal to phonics, which occurs under the
616
+
617
+ white matter of the corpus callosum, and that terminates in
618
+
619
+ the anterior thalamus on these military bodies.
620
+
621
+ So when you learn your anatomy, that's kind of a
622
+
623
+ clear pathway through.
624
+
625
+ And there are also structures that come through this.
626
+
627
+ You can see the point axis terminating and what's known
628
+
629
+ as the septal nuclei in the basal forebrain.
630
+
631
+ So these are subcortical structures.
632
+
633
+ It's kind of shown within the cortical area, but there
634
+
635
+ are nuclei here and these then pass on to the
636
+
637
+ cingulate cortex.
638
+
639
+ And there's a generic or directly split neocortex behind the
640
+
641
+ corpus callosum, the spleen of the corpus callosum rupturing meaning
642
+
643
+ behind and spleen, you being this spleen him here of
644
+
645
+ the corpus callosum.
646
+
647
+ So these are all key areas.
648
+
649
+ And the reason I'm highlighting the area this way, if
650
+
651
+ you damage each of these areas individually or globally, you
652
+
653
+ will end up with someone like Clive.
654
+
655
+ And Clive has very, very just like extensive damage.
656
+
657
+ So amnesic patients aren't always as bad as Clive as
658
+
659
+ Deborah.
660
+
661
+ His wife's or the intro sequence says he has one
662
+
663
+ of the worst cases of amnesia.
664
+
665
+ But I certainly met patients who were similarly affected.
666
+
667
+ And so these are the key brain areas.
668
+
669
+ Let's walk through these and get to know them a
670
+
671
+ bit more.
672
+
673
+ They also come under the term paper circuit, which is
674
+
675
+ originally the scientists papers had described the circuit for kind
676
+
677
+ of motivation, emotion and memory that included these areas.
678
+
679
+ And there are two key areas, key types of amnesia
680
+
681
+ in the literature.
682
+
683
+ There's what's known as hippocampal amnesia, which is areas disrupted
684
+
685
+ by the hippocampus and the phonics.
686
+
687
+ But there's also course some easier, which is we'll see
688
+
689
+ is linked with thiamine deficiency.
690
+
691
+ There's more affected by the the bodies of the anterior
692
+
693
+ thalamus here.
694
+
695
+ So we'll mostly focus on hippocampal amnesia today.
696
+
697
+ But there are cases where they suffered a particular damage
698
+
699
+ that leads to to these particular areas.
700
+
701
+ Now, of course, the cough was the clinician that spotted
702
+
703
+ a number of cases and they all came in with
704
+
705
+ severe alcohol poisoning, really drinking an enormous amount.
706
+
707
+ They should have died, but they didn't.
708
+
709
+ But they ended up with really, really like low wearing
710
+
711
+ severe amnesia.
712
+
713
+ They didn't have hippocampal damage, but they did have in
714
+
715
+ thier anterior thalamic, miliary body damage.
716
+
717
+ And we know that these areas important from these kind
718
+
719
+ of clinical case studies that this seems to operate as
720
+
721
+ a circuit which isn't necessary, if you like to remember
722
+
723
+ what I'm saying to you.
724
+
725
+ Now if you remember what I'm saying a couple of
726
+
727
+ sentences ago, you can hear inside your head your anterior
728
+
729
+ thalamus, and you remove the bodies and the hippocampus.
730
+
731
+ So what causes amnesia?
732
+
733
+ Sometimes physical damage, head trauma or surgery?
734
+
735
+ Viral diseases are one of the common reasons you can
736
+
737
+ end up.
738
+
739
+ Encephalitis is one of the most common causes.
740
+
741
+ Other common causes are loss of blood flow, a schema
742
+
743
+ or anoxia.
744
+
745
+ When someone is, as you know, being carbon monoxide poisoning
746
+
747
+ is a classic example.
748
+
749
+ And finally, we talked about Corsica syndrome, which is a
750
+
751
+ low thymus, a thiamine is a key molecule.
752
+
753
+ A key molecule.
754
+
755
+ What he needs to process and do a number of
756
+
757
+ things for your body.
758
+
759
+ One of those is keep the brain is processing areas
760
+
761
+ in the brain.
762
+
763
+ Now, earlier in the course, in the end of my
764
+
765
+ slides for the first lecture, I talked about this patient,
766
+
767
+ H.M. Really classic important case.
768
+
769
+ Brenda milner is the scientist still alive in her late
770
+
771
+ hundreds and early hundreds is well over 100.
772
+
773
+ And she studied patient H.M. where he had his bilateral
774
+
775
+ temporal medial temporal lobes removed the areas we talked about
776
+
777
+ in that circuit.
778
+
779
+ Here's the diagram of his brain.
780
+
781
+ I mean, this is a classic case of amnesia, dense,
782
+
783
+ just like life.
784
+
785
+ But he didn't have amnesia before surgery and after surgery,
786
+
787
+ he did align the scientists to see that if you
788
+
789
+ intervene with that area, you would result in that dense
790
+
791
+ amnesia.
792
+
793
+ Now, we can go from a very severe that's a
794
+
795
+ huge amount of brain tissue to remove from somebody's brain.
796
+
797
+ They do not do that anymore.
798
+
799
+ They're very much, much more selective in surgery.
800
+
801
+ You don't have to have that level of damage.
802
+
803
+ Here's patient P.J..
804
+
805
+ Now, this is a study reported by Van and Ableton,
806
+
807
+ and here's an MRI.
808
+
809
+ This is from 2004.
810
+
811
+ See, MRI scans clinical and it's a bit fuzzy.
812
+
813
+ But what the arrows point to is an area of
814
+
815
+ darkness in the sky.
816
+
817
+ And what that means is water in his brain.
818
+
819
+ And you can see here what looks like a nice
820
+
821
+ organised brain has two kind of holes here.
822
+
823
+ Unfortunately for patient B.J, they got into a fight in
824
+
825
+ a bar and had a snooker cue forced through their
826
+
827
+ face in a fight and it skewered the patients and
828
+
829
+ misery bodies.
830
+
831
+ They survived a bit like Phineas Gauge, the person on
832
+
833
+ a on Bach countryside.
834
+
835
+ But that patient and the period they lived after the
836
+
837
+ say after having this new cookie removed and the damage
838
+
839
+ alleviated has severe amnesia despite it disrupting just one small
840
+
841
+ areas of brain injury bodies.
842
+
843
+ If you go back to another reason that can cause
844
+
845
+ amnesia is encephalitis, we can see a case study by
846
+
847
+ this very famous researcher in amnesia, Larry Squire.
848
+
849
+ This is Patient EPI.
850
+
851
+ He's been reported in lots of studies.
852
+
853
+ And this is an MRI scan of his brain.
854
+
855
+ It should all look.
856
+
857
+ This is a scan where the grey grey matter in
858
+
859
+ the blade brain is dark.
860
+
861
+ And these areas of white show where there's a lot
862
+
863
+ of fluid, but the tissue is not normally presents.
864
+
865
+ And effectively, this patient had a really bad case of
866
+
867
+ encephalitis affecting the damage to the brain very much like
868
+
869
+ patient.
870
+
871
+ H.M. As if they'd had surgery to remove their hippocampus
872
+
873
+ and patient.
874
+
875
+ EPI is extremely dense.
876
+
877
+ The amnesic.
878
+
879
+ Again, flipping back, you don't always have to have this
880
+
881
+ extensive massive damage.
882
+
883
+ Patient y are who will come on the later in
884
+
885
+ this in the slides.
886
+
887
+ Here's a healthy MRI scan.
888
+
889
+ This is the hippocampus on a coronial section curled up
890
+
891
+ nicely in the medial temporal lobe.
892
+
893
+ And here it is flattened in this patient who unfortunately
894
+
895
+ suffered severe carbon monoxide poisoning, just survived.
896
+
897
+ It had to be revived after being revived, had quite
898
+
899
+ severe amnesia really affecting their life.
900
+
901
+ Finally, we can get onto Ischaemia where this is not
902
+
903
+ anoxia is not like a loss of oxygen environment, but
904
+
905
+ something in the body that caused a loss of blood
906
+
907
+ supply.
908
+
909
+ This can be a stroke, for example, very targeted stroke.
910
+
911
+ And here's the healthy brain we looked at earlier, and
912
+
913
+ here is the disruptors.
914
+
915
+ You can see the nicely laid out cells in our
916
+
917
+ in the hippocampus.
918
+
919
+ This nice line of cells.
920
+
921
+ We'll talk about those cells next week, sorry, this week
922
+
923
+ on Friday.
924
+
925
+ And here you can see this area here, nicely organised
926
+
927
+ in the patient healthy brain and utterly disrupted inside this
928
+
929
+ patient who had quite severe amnesia, but relatively normal brain
930
+
931
+ otherwise.
932
+
933
+ So amnesia can sometimes result from acts massive damage or
934
+
935
+ very small amounts of damage.
936
+
937
+ That's the brain.
938
+
939
+ Let's turn it back to studying what happens to that
940
+
941
+ brain damage.
942
+
943
+ So let's look at those patients in different studies.
944
+
945
+ First thing we'll look at is what can they do
946
+
947
+ in amnesia?
948
+
949
+ And then we'll move on to what can they not
950
+
951
+ do.
952
+
953
+ Think a bit more about what this tells us about
954
+
955
+ long term memory and we'll pick up some controversies where
956
+
957
+ there's been disagreement.
958
+
959
+ So starting with spared functions.
960
+
961
+ Oh, I talked to.
962
+
963
+ So let's just take Clive notes, take the way he
964
+
965
+ talks about to his wife.
966
+
967
+ In that interview.
968
+
969
+ We would say that Clive's general cognitive abilities in that
970
+
971
+ interview were pretty good.
972
+
973
+ His IQ seemed quite normal.
974
+
975
+ It wasn't.
976
+
977
+ We didn't see him do an IQ test, but I
978
+
979
+ can tell you his IQ was very high.
980
+
981
+ His language was entirely normal.
982
+
983
+ You could hear Clive talking away, perfect prosody, very good.
984
+
985
+ He was attending to what his.
986
+
987
+ His wife said he could see Deborah coming in the
988
+
989
+ door.
990
+
991
+ He acted appropriately.
992
+
993
+ We get into executive functions and the last lecture on
994
+
995
+ this course, that is the ability to organise your behaviour
996
+
997
+ to achieve goals.
998
+
999
+ And he was perfectly fine.
1000
+
1001
+ So you can say all that.
1002
+
1003
+ To say, Look, we watched Clive just now.
1004
+
1005
+ He looked entirely normal.
1006
+
1007
+ But as a neuropsychologist, which is what we into the
1008
+
1009
+ realm of amnesia, we want to study that.
1010
+
1011
+ We organise psychological tasks that are quantifiable and have psychometric
1012
+
1013
+ properties so we can we can have numbers that come
1014
+
1015
+ out of them, we can analyse and make predictions.
1016
+
1017
+ There's a standardised test called the Waste Weschler Adult intelligence
1018
+
1019
+ scale, which can tell you how someone's IQ is and
1020
+
1021
+ what their attention is like.
1022
+
1023
+ And Clive will have been assessed and defined to be
1024
+
1025
+ very high on this particular test.
1026
+
1027
+ And there are other tests like the Wisconsin cause sorting
1028
+
1029
+ task will come on to a test for executive functions
1030
+
1031
+ and we will come back to that at the end.
1032
+
1033
+ Again, Paul Burgess, we'll talk about this later.
1034
+
1035
+ And then there are other things that you might show
1036
+
1037
+ people, pictures of camels or a tiger, for example, and
1038
+
1039
+ say, what is this animal?
1040
+
1041
+ And if they've got a normal functioning knowledge, they will
1042
+
1043
+ tell you what that camel is or the tiger or.
1044
+
1045
+ And you can make that harder and harder with complicated
1046
+
1047
+ objects that most people wouldn't know.
1048
+
1049
+ Now, all of that makes sense.
1050
+
1051
+ We heard Clive do all that.
1052
+
1053
+ But what about short term memory?
1054
+
1055
+ So we come on in these lectures, the distinction between
1056
+
1057
+ long term memory and short term memory.
1058
+
1059
+ Now, if Clive was able to have that conversation with
1060
+
1061
+ Deborah and respond, she said to him, guess, guess what
1062
+
1063
+ your daughter's up to.
1064
+
1065
+ He had to hold that information in mind and say,
1066
+
1067
+ I had no idea that was an appropriate answer for
1068
+
1069
+ Clive to say.
1070
+
1071
+ I have no idea if he blurted out elephants.
1072
+
1073
+ That would have been absolutely make no sense.
1074
+
1075
+ Right.
1076
+
1077
+ He had to have heard what his wife Deborah, said
1078
+
1079
+ and then respond.
1080
+
1081
+ Well, he couldn't do was remember what she said in
1082
+
1083
+ the sentence before that his daughter was getting married in
1084
+
1085
+ another country.
1086
+
1087
+ And so we can see that functionally in Clive.
1088
+
1089
+ But scientists have found ways to study that you need
1090
+
1091
+ numbers to be able to say Clive is getting worse
1092
+
1093
+ or he's stable or or and so on.
1094
+
1095
+ And part of the reason we need these kind of
1096
+
1097
+ tests is we might want to know whether we want
1098
+
1099
+ to do neurosurgery or take an intervention.
1100
+
1101
+ You can't do that without these tests.
1102
+
1103
+ And so one of these tasks will be span.
1104
+
1105
+ Another is the course he blocks on.
1106
+
1107
+ And let's take a look at the.
1108
+
1109
+ The judge.
1110
+
1111
+ The judges found first really simple tests developed going back
1112
+
1113
+ to Donald Hebb and others of getting people a sequence
1114
+
1115
+ of numbers.
1116
+
1117
+ So what they'll do is sit with Clive and say,
1118
+
1119
+ okay, Clive, focus on me now.
1120
+
1121
+ I'm going to give you some numbers and tell me
1122
+
1123
+ what you heard.
1124
+
1125
+ And you can say Clive one four.
1126
+
1127
+ And Clive probably say one four.
1128
+
1129
+ Great.
1130
+
1131
+ So he can remember the numbers one four.
1132
+
1133
+ But if he said to Clive, okay, I'll give you
1134
+
1135
+ one, I'll read out the list here that is used
1136
+
1137
+ for all the clinical work.
1138
+
1139
+ 143928675.
1140
+
1141
+ Very likely Clive might say seven five, but he wouldn't
1142
+
1143
+ remember the numbers earlier in that sequence.
1144
+
1145
+ He's unable to remember what the start of the sequence
1146
+
1147
+ was.
1148
+
1149
+ And you can do.
1150
+
1151
+ If you have those questions.
1152
+
1153
+ I like your point.
1154
+
1155
+ So he seems to remember what the questions were.
1156
+
1157
+ He said, no idea, or so you might likely remember
1158
+
1159
+ what the question was.
1160
+
1161
+ But you're right.
1162
+
1163
+ After a certain number of if you gave him nine
1164
+
1165
+ numbers is very likely to say, sorry, what is this
1166
+
1167
+ about?
1168
+
1169
+ And you know, he don't remember it even knows.
1170
+
1171
+ But if you say, can you tell me the number
1172
+
1173
+ is one to repeat back 1 to 1 two, because
1174
+
1175
+ we heard in there.
1176
+
1177
+ So we have very, very small digits than is what's
1178
+
1179
+ number.
1180
+
1181
+ So you can have a digits of one or maybe
1182
+
1183
+ zero.
1184
+
1185
+ If they can't hold that, that's extremely, extremely rare.
1186
+
1187
+ Maybe someone have a digit span if they're a genius
1188
+
1189
+ memory, sort of, you know, maybe they can remember up
1190
+
1191
+ to 20 numbers or so, probably more if they're very,
1192
+
1193
+ very clever.
1194
+
1195
+ But you can do this forwards and backwards as well.
1196
+
1197
+ So and if you're doing experiments, you might repeat numbers
1198
+
1199
+ where people tend to get better.
1200
+
1201
+ So hidden in a sequence of numbers, you might go
1202
+
1203
+ through the first sequence and the next and there can
1204
+
1205
+ be some hidden repeats, but that's not what we're getting
1206
+
1207
+ on since the main thing is that this is one
1208
+
1209
+ way of assessing memory amnesia.
1210
+
1211
+ Another one is to not use numbers but just visual
1212
+
1213
+ information.
1214
+
1215
+ So someone has problems of language and they can't remember
1216
+
1217
+ words or what you're saying.
1218
+
1219
+ You can still use this visual task, which is that
1220
+
1221
+ the patient sits opposite you across the table.
1222
+
1223
+ If you are the clinician, you see these numbers on
1224
+
1225
+ the blocks that the patient opposite can't see the numbers.
1226
+
1227
+ And what the clinician will do is tap out a
1228
+
1229
+ sequence with their fingers over the blocks and the patient
1230
+
1231
+ has the top back the same sequence, either in the
1232
+
1233
+ same order or in reverse order.
1234
+
1235
+ And again, if they've got a good memory, they'll tap
1236
+
1237
+ the right sequence through.
1238
+
1239
+ But if it's forgotten, they'll struggle to remember what the
1240
+
1241
+ sequence was.
1242
+
1243
+ So this is, of course, in long span.
1244
+
1245
+ Now, another way of looking at memory going beyond the
1246
+
1247
+ short term test is to get into what's known as
1248
+
1249
+ procedural or implicit memory.
1250
+
1251
+ And there's many different types of this.
1252
+
1253
+ So one of the key ways of studying what's known
1254
+
1255
+ as procedural memory, we'll get on in a moment to
1256
+
1257
+ taxonomy.
1258
+
1259
+ The memory is to how people one of the earliest
1260
+
1261
+ studies that came up with a way of looking at
1262
+
1263
+ this was to say, Well, maybe there are other types
1264
+
1265
+ of memory that Clive, that I can't remember what Deborah's
1266
+
1267
+ asked, and he can remember how to play a piano,
1268
+
1269
+ how And in fact, people found people like Clive could
1270
+
1271
+ learn new tasks, procedures for doing things, but be unaware
1272
+
1273
+ of it.
1274
+
1275
+ So here's one classic example.
1276
+
1277
+ In this in this psychometric task, people are shown a
1278
+
1279
+ star on a piece of paper, but they can only
1280
+
1281
+ see it through a mirror.
1282
+
1283
+ So there's a piece of cardboard looking and they can't
1284
+
1285
+ see the piece of paper directly.
1286
+
1287
+ They can only see it through a mirror and they're
1288
+
1289
+ given a pen and just write really simple.
1290
+
1291
+ Can you just draw on the inner bit of the
1292
+
1293
+ star lists that you're going to draw exactly along the
1294
+
1295
+ stars edge and draw around it?
1296
+
1297
+ Now, if you just looking directly at a star, you
1298
+
1299
+ should be able, if you're most of you in the
1300
+
1301
+ room, to be able to do that perfectly, I'd imagine
1302
+
1303
+ all of you would do it perfectly.
1304
+
1305
+ But if you're looking through a mirror, every move that
1306
+
1307
+ you make is reversed.
1308
+
1309
+ It's really hard.
1310
+
1311
+ You've got to reverse your movements.
1312
+
1313
+ So it's very hard.
1314
+
1315
+ And so the average person when they're doing this makes
1316
+
1317
+ 30 errors that go outside the line 30 times, trying
1318
+
1319
+ to make their way round the star.
1320
+
1321
+ And if you say, Right, okay, great, you do that,
1322
+
1323
+ and I do it again.
1324
+
1325
+ And another session, they'll get down to say, 12 errors.
1326
+
1327
+ You know, they'll get down and eventually you keep giving
1328
+
1329
+ them this task by the end of the whole day.
1330
+
1331
+ So lots of trials, they'll get down to making maybe
1332
+
1333
+ five errors.
1334
+
1335
+ So they've got better and better messages over the day.
1336
+
1337
+ You get them back, the next day they'll make more
1338
+
1339
+ errors as they've gotten a bit very quickly, they'll get
1340
+
1341
+ back down to this and then on the third day
1342
+
1343
+ of coming back doing this task, they're not flawless, but
1344
+
1345
+ they're making very few errors.
1346
+
1347
+ So.
1348
+
1349
+ Right.
1350
+
1351
+ And they know how to do this task and they've
1352
+
1353
+ learned how to do mirror drawing with this particular set
1354
+
1355
+ up.
1356
+
1357
+ So this type of procedural memory.
1358
+
1359
+ Now, what's amazing about this is that that score sequence
1360
+
1361
+ you're looking at, there is not a healthy person and
1362
+
1363
+ someone with amnesia.
1364
+
1365
+ And the interesting thing is that they would learn how
1366
+
1367
+ to do this pretty much just as fast as a
1368
+
1369
+ healthy person.
1370
+
1371
+ But on day three, they're surprised.
1372
+
1373
+ The reason this surprise is they've never seen this before.
1374
+
1375
+ There's no memory of sitting down.
1376
+
1377
+ They don't know how to do.
1378
+
1379
+ They've never seen the experience and not met the researchers
1380
+
1381
+ to them as an uneasy, but yet they know how
1382
+
1383
+ to do the skill suddenly got this ability.
1384
+
1385
+ So it shows this dissociation between things you can be
1386
+
1387
+ conscious and aware of and abilities and memories you're not
1388
+
1389
+ conscious that you had.
1390
+
1391
+ Another way to do this is as perceptual priming.
1392
+
1393
+ This is devised by Elizabeth Warren's.
1394
+
1395
+ And so this starts out as an easy version showing
1396
+
1397
+ a white and a more difficult version shown on the
1398
+
1399
+ left.
1400
+
1401
+ So in this particular task, if we focus on the
1402
+
1403
+ right hand side, the person is presented with a blank
1404
+
1405
+ piece of paper and said, okay, we're going to turn
1406
+
1407
+ over this to show you the next picture on the
1408
+
1409
+ page.
1410
+
1411
+ And I turn over the presentation with the sequence of
1412
+
1413
+ dots or this sequence of scrambled dots and it's okay.
1414
+
1415
+ Yes.
1416
+
1417
+ Guess what these dots are.
1418
+
1419
+ There are some there are some thing you can name.
1420
+
1421
+ What are they?
1422
+
1423
+ And if you've never done this before, you'd have no
1424
+
1425
+ idea.
1426
+
1427
+ If you had to guess, you might say I could
1428
+
1429
+ be anything.
1430
+
1431
+ Could be the house, could be anything.
1432
+
1433
+ I don't know.
1434
+
1435
+ But then they flip the page over to the next
1436
+
1437
+ image and they say, What do you think this is?
1438
+
1439
+ I know it's not a house.
1440
+
1441
+ Something else Maybe you don't know exactly.
1442
+
1443
+ You cannot guess what that might be.
1444
+
1445
+ Okay, look it over again.
1446
+
1447
+ Now it's getting a little clearer what this might be.
1448
+
1449
+ And on the last page, you flip over and.
1450
+
1451
+ Okay, okay.
1452
+
1453
+ If the person's got normal memory, normal functions that he
1454
+
1455
+ hasn't caused us an elephant.
1456
+
1457
+ I can name the elephant.
1458
+
1459
+ Okay.
1460
+
1461
+ So they get they can name the elephant on the
1462
+
1463
+ last page.
1464
+
1465
+ What the clinician will do is repeat this again and
1466
+
1467
+ say, okay, here's.
1468
+
1469
+ And they'll do that with a whole load of animals.
1470
+
1471
+ So you're not just getting one elephant, you're getting you're
1472
+
1473
+ getting a seagull or a canoe or whatever.
1474
+
1475
+ It's just those little dots.
1476
+
1477
+ And so the person might see this and say, Is
1478
+
1479
+ it the canoe?
1480
+
1481
+ No, they're wrong.
1482
+
1483
+ And I go forward and I say, Is it the
1484
+
1485
+ elephant?
1486
+
1487
+ Yes, it's the elephant.
1488
+
1489
+ They've learned that that sequence of dots.
1490
+
1491
+ And if you do this again and again, this time
1492
+
1493
+ they see this this sequence in dogs.
1494
+
1495
+ They can say elephants.
1496
+
1497
+ Now, they don't necessarily know.
1498
+
1499
+ Sometimes they might know, but they might not necessarily know
1500
+
1501
+ why This feels like it's the elephant, particularly this one
1502
+
1503
+ here, because it's really difficult to guess.
1504
+
1505
+ But the key point of this work is that amnesic
1506
+
1507
+ patients likewise can still do this.
1508
+
1509
+ He can still guess well above chance that that sequence
1510
+
1511
+ of dots is an elephant.
1512
+
1513
+ And he's surprised again.
1514
+
1515
+ No idea how he knows, but his brain has learned
1516
+
1517
+ to associate those dots with elephants.
1518
+
1519
+ And what's been shown is that that involves areas of
1520
+
1521
+ neocortex and other areas of the brain that are not
1522
+
1523
+ the hippocampus.
1524
+
1525
+ Hippocampus can help because you can remember things, but this
1526
+
1527
+ type of rapid naming of dots can be done by
1528
+
1529
+ other brain areas.
1530
+
1531
+ So you can do this in amnesic.
1532
+
1533
+ Another classic is before we move on to the other
1534
+
1535
+ things that are lost.
1536
+
1537
+ Example of preserved.
1538
+
1539
+ Yeah.
1540
+
1541
+ If you're you to.
1542
+
1543
+ He only played one time.
1544
+
1545
+ He could only play what he'd learned there.
1546
+
1547
+ It's very difficult to learn new sheet music, as far
1548
+
1549
+ as I know.
1550
+
1551
+ I don't.
1552
+
1553
+ I don't.
1554
+
1555
+ There's a whole Wikipedia page all about Clive, and he
1556
+
1557
+ may well tell us whether he has learned, but my
1558
+
1559
+ memory is that it's this type of learning can be
1560
+
1561
+ done.
1562
+
1563
+ And a good point is, if you came back to
1564
+
1565
+ Clive in a month's time and said, Right, can you
1566
+
1567
+ name this elephant?
1568
+
1569
+ He's already forgotten that.
1570
+
1571
+ But have also had many normal, healthy people.
1572
+
1573
+ Like if I came back to you in a year's
1574
+
1575
+ time and said, Right, what was that?
1576
+
1577
+ With these dots, you might remember if I was only
1578
+
1579
+ an elephant I showed you.
1580
+
1581
+ But if I showed you a whole ton of animals
1582
+
1583
+ and things, you wouldn't remember it.
1584
+
1585
+ This is something in the immediate area of learning.
1586
+
1587
+ But yeah, it's a good question.
1588
+
1589
+ As I say, I don't know the exact answer, but
1590
+
1591
+ it's very likely he couldn't learn.
1592
+
1593
+ And again, the challenge is finding styles, specifically tasks.
1594
+
1595
+ You can go metrics and numbers out.
1596
+
1597
+ So here is a task developed by Barbara Knowlton and
1598
+
1599
+ others published in Science some time back and has been
1600
+
1601
+ reused in lots of studies, and they tested it on
1602
+
1603
+ both patients with Parkinson's, Huntington's or amnesic cases, the brains
1604
+
1605
+ of different patients.
1606
+
1607
+ And what they found was that what they did in
1608
+
1609
+ this ask is take a sequence of cards that only
1610
+
1611
+ show one of these at a time and a whole
1612
+
1613
+ sequence of these cards for these cards.
1614
+
1615
+ But they keep flipping through them and saying, okay, when
1616
+
1617
+ you see a card, let's take the latest item.
1618
+
1619
+ And you say, okay, what with each of these cards
1620
+
1621
+ is going to give you, you going to have to
1622
+
1623
+ guess whether it's going to be sunny or rainy today
1624
+
1625
+ based on the card.
1626
+
1627
+ And then they guess you might say, well, I've no
1628
+
1629
+ idea, but I'm going to get some.
1630
+
1631
+ And they're told, yes, you're right, that son.
1632
+
1633
+ And he's the son.
1634
+
1635
+ Perfect.
1636
+
1637
+ Okay.
1638
+
1639
+ Next card, son.
1640
+
1641
+ Right.
1642
+
1643
+ They said, Well, you guessed right.
1644
+
1645
+ And I've been told, no, you're wrong, that that was
1646
+
1647
+ done.
1648
+
1649
+ And they go and they see the cards and they
1650
+
1651
+ have to learn what the association is between a card
1652
+
1653
+ and an outcome.
1654
+
1655
+ And of course, this goes back to our reinforcement learning
1656
+
1657
+ lecture last week where I talked about the idea.
1658
+
1659
+ If you watched the movie of the idea that you'd
1660
+
1661
+ need that motivational circuit, the dopamine to learn this association.
1662
+
1663
+ And so what's really important here is that it's not
1664
+
1665
+ 100% probable.
1666
+
1667
+ So if you given this card 80% of the time,
1668
+
1669
+ it will lead to say something and 20% it will
1670
+
1671
+ be right.
1672
+
1673
+ So you can't by using one shot experience memorise, you've
1674
+
1675
+ got to learn over lots of trials.
1676
+
1677
+ What each card is associated with.
1678
+
1679
+ All of them will give you some rain.
1680
+
1681
+ But these two, for example, might give you some more
1682
+
1683
+ of the time.
1684
+
1685
+ And these.
1686
+
1687
+ Right more of the time and was exciting and why.
1688
+
1689
+ This is published in one of the world's leading science
1690
+
1691
+ journal Science was that amnesic patients could have learned that
1692
+
1693
+ rule over 50 trials.
1694
+
1695
+ They could they could learn what this is they don't
1696
+
1697
+ get as an doctor.
1698
+
1699
+ Guess some well done Huntington's and Parkinson's patients.
1700
+
1701
+ Damage destroys them.
1702
+
1703
+ And about the last week, they struggle to learn that
1704
+
1705
+ rule their VCA, that whole circuit to do it opening
1706
+
1707
+ is disrupted the VCA and that circuit is not disrupted
1708
+
1709
+ and classic amnesia.
1710
+
1711
+ And so what was fascinating was that they got this
1712
+
1713
+ dissociation between amnesia able to learn, and Parkinson sometimes is
1714
+
1715
+ not able to learn.
1716
+
1717
+ But when you test them an hour later, have you
1718
+
1719
+ seen these stimuli?
1720
+
1721
+ Which of these eight cards and there's four of these
1722
+
1723
+ and four other ones did you look at Parkinson's patients
1724
+
1725
+ and Huntington's?
1726
+
1727
+ Yeah, it's obvious it was.
1728
+
1729
+ I spent ages looking at these cards as these four.
1730
+
1731
+ They know what they saw.
1732
+
1733
+ They can recognise the stimuli, but Clive Waring and other
1734
+
1735
+ amnesia patients would have no idea that they seen these
1736
+
1737
+ cards.
1738
+
1739
+ So you have this association with learning a rule and
1740
+
1741
+ being able to remember the stimuli.
1742
+
1743
+ What did you see before you recognise it?
1744
+
1745
+ So this this is this is this implicit with this
1746
+
1747
+ learning of the rule is described as habit learning.
1748
+
1749
+ Like your brain is constantly learning habits all the time,
1750
+
1751
+ sitting down, setting up laptops where you turn to when
1752
+
1753
+ you leave this.
1754
+
1755
+ You been in lectures here lots of times.
1756
+
1757
+ You're not thinking very hard about where the doors are.
1758
+
1759
+ You have a habit ingrained in your brain.
1760
+
1761
+ That's what's the amazing things that are stated in these
1762
+
1763
+ amnesic patients.
1764
+
1765
+ But what is lost?
1766
+
1767
+ Okay, so we're going to measure that.
1768
+
1769
+ What appears to be lost is cut encapsulated by this,
1770
+
1771
+ what's known as episodic memory.
1772
+
1773
+ Memory for events and episodes which were personally experienced.
1774
+
1775
+ The things that happened to you.
1776
+
1777
+ So, Clive, to go back to that video I showed,
1778
+
1779
+ Deborah asks him and says, I'm going to tell you.
1780
+
1781
+ Let me tell you, divorce is getting married.
1782
+
1783
+ She's getting married.
1784
+
1785
+ Australia.
1786
+
1787
+ She's getting married soon.
1788
+
1789
+ I'm trying to remember exactly what he said.
1790
+
1791
+ I'm sure I didn't get it right, but that is
1792
+
1793
+ the gist of it.
1794
+
1795
+ He's then tested on.
1796
+
1797
+ Well, do you remember what's happening tomorrow?
1798
+
1799
+ He has no idea.
1800
+
1801
+ So he's failed to remember.
1802
+
1803
+ And she asked him several questions.
1804
+
1805
+ He can't remember any of them.
1806
+
1807
+ This all comes under episodic memory, personally presented events, information
1808
+
1809
+ that was given to him or episodes made or experience
1810
+
1811
+ that he experienced himself.
1812
+
1813
+ Episodic memory.
1814
+
1815
+ Now, there's two types of amnesia when we delve down
1816
+
1817
+ into this.
1818
+
1819
+ What we've just looked at was anterograde amnesia.
1820
+
1821
+ So Clive Waring had a lesion in his brain, and
1822
+
1823
+ this is his life after that lesion.
1824
+
1825
+ His inability to remember whatever his wife is telling him
1826
+
1827
+ is known as an interim great amnesia.
1828
+
1829
+ He can't remember that his daughter's getting married and told,
1830
+
1831
+ but he might remember that he has a daughter.
1832
+
1833
+ He wasn't surprised as my daughter's getting married.
1834
+
1835
+ I have a daughter.
1836
+
1837
+ Do I really have a daughter?
1838
+
1839
+ He didn't say that.
1840
+
1841
+ Except that he knew he had a daughter.
1842
+
1843
+ There's no loss of memory he could have.
1844
+
1845
+ There's all sorts of things that Clive knows about happened
1846
+
1847
+ in the past.
1848
+
1849
+ But there's a period typically in amnesia just close to
1850
+
1851
+ the lesion where he had his damage.
1852
+
1853
+ But perhaps, for example, let's say his daughter, this is
1854
+
1855
+ this is a fictitious narrative.
1856
+
1857
+ It's something that happened to his daughter.
1858
+
1859
+ This quite significant just before his lesion, his brain damage
1860
+
1861
+ is quite likely.
1862
+
1863
+ He would not remember that.
1864
+
1865
+ And whenever his wife brought it up, he'd be surprised.
1866
+
1867
+ And what's important here is that his brain was perfectly
1868
+
1869
+ healthy when he learned that information, but it had not
1870
+
1871
+ been stored in some way that made it.
1872
+
1873
+ Safe or protected.
1874
+
1875
+ Where is the memory that he has a daughter from
1876
+
1877
+ some time back in his life when he was an
1878
+
1879
+ adult has been protected.
1880
+
1881
+ He has retained that despite their amnesia.
1882
+
1883
+ So you have some retrograde and there's constant anterograde amnesia
1884
+
1885
+ in the classic amnesia syndrome.
1886
+
1887
+ So how do we test the I'm sorry, great amnesia?
1888
+
1889
+ Let's focus on how we test that on the classic
1890
+
1891
+ test.
1892
+
1893
+ To do that, to look at episodic memory in a
1894
+
1895
+ laboratory or at a clinic is to give people this
1896
+
1897
+ task where you're shown a abstract picture like this, isn't
1898
+
1899
+ it?
1900
+
1901
+ Is the real stress complex figure based on the clinicians
1902
+
1903
+ that develops it and they give it, the person is
1904
+
1905
+ given another piece of paper.
1906
+
1907
+ And so can you draw this out as carefully as
1908
+
1909
+ you can, do this really carefully?
1910
+
1911
+ Drew exactly what you see on this paper, nothing else.
1912
+
1913
+ And then after 50 minutes, they're given a blank piece
1914
+
1915
+ of paper.
1916
+
1917
+ And so, okay, I showed you a piece, a drawing.
1918
+
1919
+ Please, can you redraw that?
1920
+
1921
+ And again, Clive would have no idea that he has
1922
+
1923
+ a drawing or something, but sometimes the amnesic have some
1924
+
1925
+ sense they had too.
1926
+
1927
+ Earlier on, I showed you patient brain with really small
1928
+
1929
+ selective damage.
1930
+
1931
+ Here's on the far right of this nine he's is
1932
+
1933
+ a control participant who's drawn out the shape.
1934
+
1935
+ Each of these are patients with a brain with really
1936
+
1937
+ severe damage.
1938
+
1939
+ They've all drawn that shape perfectly relatively perfectly.
1940
+
1941
+ And the control participants and a fantastic job, they've drawn
1942
+
1943
+ it themselves.
1944
+
1945
+ So they they've got a better memory than if you
1946
+
1947
+ just seen the picture.
1948
+
1949
+ You can see they've gotten the lines across.
1950
+
1951
+ Yes, they're not perfect.
1952
+
1953
+ But each of these participants here, they've remember these are
1954
+
1955
+ amnesic patients.
1956
+
1957
+ And remember something arises.
1958
+
1959
+ And that in itself is kind of fascinating.
1960
+
1961
+ That is something, remember, for retained, but a vast amount
1962
+
1963
+ is lost.
1964
+
1965
+ So there seems to be some preserved information about this
1966
+
1967
+ going into that's very likely.
1968
+
1969
+ Is that implicit memory for something about the context of
1970
+
1971
+ that.
1972
+
1973
+ But it's a great question as to why we still
1974
+
1975
+ don't fundamentally understand all the things that occur in amnesia,
1976
+
1977
+ and that would be an example of it.
1978
+
1979
+ Semantic memories.
1980
+
1981
+ You got that memory for Clive.
1982
+
1983
+ What was he told in that short chat with his
1984
+
1985
+ wife?
1986
+
1987
+ Another memory type that's really key is the ability to
1988
+
1989
+ remember facts information independently from the initial experience.
1990
+
1991
+ So an example of that is knowing what is this
1992
+
1993
+ for English speakers and people in the room?
1994
+
1995
+ You're hearing this lecture in English.
1996
+
1997
+ So you should know that this this diagram here is
1998
+
1999
+ a tiger.
2000
+
2001
+ That's the knowledge you gained over many experiences.
2002
+
2003
+ Now, it's unlikely that you remember the first time you
2004
+
2005
+ learn Tiger.
2006
+
2007
+ You may do, but many people have grown up in
2008
+
2009
+ the first languages.
2010
+
2011
+ English Well, I had no idea when I learned I
2012
+
2013
+ was very young.
2014
+
2015
+ John Another example one was the capital of Peru is
2016
+
2017
+ a fact.
2018
+
2019
+ I also have no memory of when I first learned
2020
+
2021
+ that Lima is the capital of Peru.
2022
+
2023
+ So there's much later in life, there's still, for me,
2024
+
2025
+ a semantic memory.
2026
+
2027
+ I have no idea when I learned that site.
2028
+
2029
+ These are just classic examples.
2030
+
2031
+ Clive Waring in that interview knew what a daughter was.
2032
+
2033
+ He was straight in questions.
2034
+
2035
+ A lot of the things he has, a lot of
2036
+
2037
+ facts he knows about the world and these are retained.
2038
+
2039
+ And Larry Squire, who I put his picture up next,
2040
+
2041
+ the patient NPR there.
2042
+
2043
+ In fact, Larry Squire, there's a short 50 minute movie.
2044
+
2045
+ And this section you can watch where he talks through
2046
+
2047
+ declarative memory and taxonomies of memory and history of amnesia.
2048
+
2049
+ It is quite helpful if you want some more information.
2050
+
2051
+ But here, what was developed by Larry Squire and many
2052
+
2053
+ others, Neal Cohen is an example.
2054
+
2055
+ The key person here was that long term memory can
2056
+
2057
+ be split between explicit memory he describes as declarative memory,
2058
+
2059
+ an implicit memory or non declarative memory.
2060
+
2061
+ So explicit memories are things like Clive Clive wearing saying,
2062
+
2063
+ you know, I do, I do know this or I
2064
+
2065
+ don't know that my daughter's getting married tomorrow.
2066
+
2067
+ Yes, you can.
2068
+
2069
+ You can say yes or no to that.
2070
+
2071
+ But how did he play the piano?
2072
+
2073
+ It's not a yes, no question.
2074
+
2075
+ He used to move his fingers in a particular way.
2076
+
2077
+ He could tell you what is happening, but he just
2078
+
2079
+ knows how to do it.
2080
+
2081
+ It's like riding a bicycle.
2082
+
2083
+ You don't really think about it.
2084
+
2085
+ You just kind of do it.
2086
+
2087
+ And that's what's described here is non declarative skills and
2088
+
2089
+ habits and emotional responses to things like priming that can
2090
+
2091
+ occur, knowing that that was an elephant given the dots.
2092
+
2093
+ So how did you know that?
2094
+
2095
+ I just know might be the answer.
2096
+
2097
+ And within declarative memory, we're drawing a distinction between episodic
2098
+
2099
+ memory events and times, the things that happened, and semantic
2100
+
2101
+ memories of facts and figures and things.
2102
+
2103
+ And the controversy will now look at.
2104
+
2105
+ So that's that's the kind of where we got to
2106
+
2107
+ in general agreement these things will exist and that there
2108
+
2109
+ are this side of the pathways, damage and amnesia.
2110
+
2111
+ Going to end the lecture and the last 8 minutes
2112
+
2113
+ or so on controversies.
2114
+
2115
+ And one of them has been the brain areas involved
2116
+
2117
+ in supporting recognition, memories, semantic memory.
2118
+
2119
+ So here, if we look down here, the events of
2120
+
2121
+ episodic memory.
2122
+
2123
+ You can split if your scientist in two things, you
2124
+
2125
+ can recollect, go back in time and remember and say,
2126
+
2127
+ Yeah, I was in this lecture theatre in the past.
2128
+
2129
+ It was on a monday.
2130
+
2131
+ I remember that.
2132
+
2133
+ Or you can say you were familiar.
2134
+
2135
+ So what classically might be meeting somebody and knowing what
2136
+
2137
+ their name is and who they are versus meeting somebody?
2138
+
2139
+ You think I know you, but I don't know what
2140
+
2141
+ your name is or who you want to know how
2142
+
2143
+ I know you, but I just know who you are.
2144
+
2145
+ And that's the similarity.
2146
+
2147
+ Now, some of the work is shown, and I just
2148
+
2149
+ highlighted that example, a feeling of knowing that's what this
2150
+
2151
+ slide is running over.
2152
+
2153
+ An example here is recognising someone you seen before, not
2154
+
2155
+ knowing the name of who they are.
2156
+
2157
+ Now, that's fine, I can tell you that.
2158
+
2159
+ But if I want to do a test badly, one
2160
+
2161
+ of the key forefathers of like a lot of working
2162
+
2163
+ memory and neuropsychological assessments developed the task of the two
2164
+
2165
+ and people test.
2166
+
2167
+ We have to remember people in names or visual shapes
2168
+
2169
+ of an either figure or you have to do a
2170
+
2171
+ recognition task.
2172
+
2173
+ You are given a spotlight, a whole sequence of names
2174
+
2175
+ like Jill, Ashley or Doors to memorise really boring doors.
2176
+
2177
+ Unless you are tested on that always, you can recognise
2178
+
2179
+ those names.
2180
+
2181
+ The reason you estimate this side really hard is that
2182
+
2183
+ you want us to equate record recall with recognition.
2184
+
2185
+ And we're much better recognition because the information's in front
2186
+
2187
+ of us.
2188
+
2189
+ I was shown here are a number of patients, so
2190
+
2191
+ with this test, the rules and people is standardised.
2192
+
2193
+ The score of ten is normal and plus or minus
2194
+
2195
+ two captures.
2196
+
2197
+ And those people I was shown in prior work.
2198
+
2199
+ Is that patient?
2200
+
2201
+ We are on another case.
2202
+
2203
+ This patient John, we're amazingly good if we are really
2204
+
2205
+ good are recognising which of these doors you give that
2206
+
2207
+ door and they pick it out.
2208
+
2209
+ You can even see the colours change the bit.
2210
+
2211
+ They recognise this door from having seen 12 doors with
2212
+
2213
+ that particular door really good at it and patient John
2214
+
2215
+ Similar, but they cannot remember the name.
2216
+
2217
+ So the fact this guy's call, Tom Webster utterly forgotten,
2218
+
2219
+ absolutely devastated on the on recall side are the patients
2220
+
2221
+ suddenly have terrible on both scores.
2222
+
2223
+ So what what it shows is generally amnesia damages both
2224
+
2225
+ the ability to recognise things like names and pictures and
2226
+
2227
+ recall things.
2228
+
2229
+ But sometimes the damage can be selective and preserve, says
2230
+
2231
+ some other areas of the brain must be doing this
2232
+
2233
+ recognition memory.
2234
+
2235
+ And that's been somewhat controversial.
2236
+
2237
+ Controversial?
2238
+
2239
+ The argument is the hippocampus is not essential.
2240
+
2241
+ This brain area for tasks using familiarity.
2242
+
2243
+ What about semantic memory?
2244
+
2245
+ So if I'm going around the world like Clive and
2246
+
2247
+ trying to Deborah sitting there, trying to teach Clive about,
2248
+
2249
+ say, what a tsunami is.
2250
+
2251
+ So it's anomalies are not really discussed in the literature,
2252
+
2253
+ in the culture before a certain point.
2254
+
2255
+ Big tsunamis came in and killed lots of people and
2256
+
2257
+ culture.
2258
+
2259
+ So this Endeavour might be trying to explain to Clive
2260
+
2261
+ all about tsunamis.
2262
+
2263
+ And he's going have a really hard time remembering what
2264
+
2265
+ a tsunami is.
2266
+
2267
+ And eventually, with all the research shows, he will never
2268
+
2269
+ learn new facts.
2270
+
2271
+ Clive is so densely amnesic, he can't learn new science
2272
+
2273
+ information.
2274
+
2275
+ So H.M.
2276
+
2277
+ He talked about his famous patient.
2278
+
2279
+ He could not remember new word definitions being done.
2280
+
2281
+ And the other patient I talked to about both episodic
2282
+
2283
+ and semantic information, they can't learn new things.
2284
+
2285
+ However, there was a startling discovery in 1997.
2286
+
2287
+ Away from, in fact, pretty much in the offices where
2288
+
2289
+ the lecture Friday is Fridays lectures at the Institute of
2290
+
2291
+ Child Health.
2292
+
2293
+ Finally, Volker Kardon is a client, is the lead clinician
2294
+
2295
+ for the clinical neuropsychology team for the paediatric pathway in
2296
+
2297
+ the ICU in Great Ormond Street.
2298
+
2299
+ And her team led the discovery in 1997 of a
2300
+
2301
+ group, a number of patients who couldn't remember anything like
2302
+
2303
+ Clive come in, no memory, couldn't get a cup of
2304
+
2305
+ tea.
2306
+
2307
+ They forget who you are.
2308
+
2309
+ Yeah, I had amazing knowledge about the world.
2310
+
2311
+ And one of those patients I mentioned a second ago
2312
+
2313
+ was John, this patient, John.
2314
+
2315
+ John went on to pass a GCSE in history.
2316
+
2317
+ You got a He didn't get an A-grade, but he
2318
+
2319
+ remembered lots of facts.
2320
+
2321
+ Somehow this patient, John, had learned over repeated, repeated repetition
2322
+
2323
+ facts about the world.
2324
+
2325
+ What this tells us is that the neocortex, John, John
2326
+
2327
+ and all these patients has severe hippocampal damage.
2328
+
2329
+ My patient, while John's hippocampus was shrunken, the key thing,
2330
+
2331
+ the word his early onset, all of them had damaged
2332
+
2333
+ in childhood, really early in life.
2334
+
2335
+ So these are their their neocortex, the survival supplies for
2336
+
2337
+ this gradual learning, or there's something about their hippocampus when
2338
+
2339
+ damaged early in life, still able to pull off this
2340
+
2341
+ trick.
2342
+
2343
+ You still don't know the exact mechanism.
2344
+
2345
+ It's very hard to study in humans, these things.
2346
+
2347
+ So this has been controversial and caused a lot of
2348
+
2349
+ disagreement.
2350
+
2351
+ But the current no doubt there's no dispute.
2352
+
2353
+ These children have grown up with eyes and memory and
2354
+
2355
+ can't remember what happened to them over their lives in
2356
+
2357
+ terms of experiences they don't know facts about.
2358
+
2359
+ They know they got a brother, for example, but they
2360
+
2361
+ don't.
2362
+
2363
+ You said, Don't you remember your 14th birthday when Joe
2364
+
2365
+ came and it was a disaster?
2366
+
2367
+ No.
2368
+
2369
+ No memory.
2370
+
2371
+ Most people remember the disastrous birthday they might have had.
2372
+
2373
+ They won't have that ability.
2374
+
2375
+ Finally, I'm going to touch on the last moments of
2376
+
2377
+ this lecture on consolidation.
2378
+
2379
+ So here's patient H.M. Here's the dense.
2380
+
2381
+ I'm Terry Great amnesia.
2382
+
2383
+ He had utterly after the surgery he lost all capacity
2384
+
2385
+ to learn new things.
2386
+
2387
+ But they asked him questions before the surgery and just
2388
+
2389
+ before it.
2390
+
2391
+ Very few details.
2392
+
2393
+ But you go back into his childhood and he could
2394
+
2395
+ remember.
2396
+
2397
+ So he lost.
2398
+
2399
+ He lost the memory of an uncle who died very
2400
+
2401
+ sadly.
2402
+
2403
+ And his childhood memories are fantastic.
2404
+
2405
+ What was argued around from that information was that it
2406
+
2407
+ seems like the hippocampus in that circuit we've been looking
2408
+
2409
+ at is damaged in amnesia, is critical for inquiry into
2410
+
2411
+ memories.
2412
+
2413
+ But then over time that becomes consolidated.
2414
+
2415
+ Consolidated is strengthened.
2416
+
2417
+ Those memories become strengthened and stored in a much more
2418
+
2419
+ robust way, and then they become independent of the hippocampus.
2420
+
2421
+ So let's take another patient.
2422
+
2423
+ So that was H.M. But here's a patient p Z
2424
+
2425
+ who had a diary.
2426
+
2427
+ He kept a meticulous diary.
2428
+
2429
+ So you can go back and work out how much
2430
+
2431
+ of his diary did he remember and what matters.
2432
+
2433
+ And Sir Mark showed in a paper study was that
2434
+
2435
+ it was like up and up linearly.
2436
+
2437
+ I just went up backwards over time.
2438
+
2439
+ And there are a range of ways to probe this
2440
+
2441
+ with a diary or with photographs of famous people.
2442
+
2443
+ If you're an American, these are famous celebrities.
2444
+
2445
+ You might recognise one or two if you're lucky, and
2446
+
2447
+ there are standardised ways of interviewing people as highlights.
2448
+
2449
+ So most of these suffer from some retrograde amnesia, but
2450
+
2451
+ it's variable pace, I think is a case of patient
2452
+
2453
+ RB Where we went a few years back, another case
2454
+
2455
+ l.D.
2456
+
2457
+ This famous face, no memories their entire life back to
2458
+
2459
+ childhood.
2460
+
2461
+ It's hard to study few standardised tests if you're not
2462
+
2463
+ motivated, it's very hard to study and all the stimuli
2464
+
2465
+ are very hard to match how salient they are.
2466
+
2467
+ And it's hard to know whether those memories are going
2468
+
2469
+ back up and synthesised or episodic.
2470
+
2471
+ So that's one of the other debates.
2472
+
2473
+ And what scientists think is going on is that when
2474
+
2475
+ you first acquire memory, your neocortex or go back to
2476
+
2477
+ that slide on the hippocampus, the neocortex, signs of.
2478
+
2479
+ Mason is at the campus and creates links and binds
2480
+
2481
+ together information between areas in the neocortex, which, of course
2482
+
2483
+ talk to each other, connect connections between the cells.
2484
+
2485
+ But over time, these connections between these great areas become
2486
+
2487
+ strengthened and able to operate, and the connections with the
2488
+
2489
+ hippocampus become downregulated not necessary for the retrieval of the
2490
+
2491
+ memory.
2492
+
2493
+ And that's that is the standard model of consolidation.
2494
+
2495
+ Very simple model that if you remember things initially, like
2496
+
2497
+ H.M. learns that he's got a uncle, he's who's died
2498
+
2499
+ very sad.
2500
+
2501
+ He uses hippocampus to bind it, but he then has
2502
+
2503
+ his hippocampus removed.
2504
+
2505
+ It doesn't have a chance to strengthen or the fact
2506
+
2507
+ there was a fire in his and his in his
2508
+
2509
+ an environment of his young really early along back in
2510
+
2511
+ his childhood.
2512
+
2513
+ It does get strengthened and he can remember it because
2514
+
2515
+ his neocortex has got that memory strengthened and consolidated.
2516
+
2517
+ Now that was argued against in 1997 by two scientists,
2518
+
2519
+ Maurice Moscowitz.
2520
+
2521
+ And then they tell you argue that actually the details
2522
+
2523
+ and never really there.
2524
+
2525
+ If you go back to these kind of the pollen
2526
+
2527
+ and the fire is not detail in nature and cannot
2528
+
2529
+ tell you when you could when he was alive about
2530
+
2531
+ the details of it that in fact, as we get
2532
+
2533
+ as things go on, they argue the visual details get
2534
+
2535
+ strengthened with the hippocampus and MCO, the medial temple who
2536
+
2537
+ are strengthened.
2538
+
2539
+ That view was updated in 2011 in this journal article
2540
+
2541
+ by Whittaker Moskovitz to argue that there's a transformation that
2542
+
2543
+ occurs in the brain for detail.
2544
+
2545
+ And here's just one case example from Pelosi and colleagues
2546
+
2547
+ who are on the case who absolutely could not recall
2548
+
2549
+ things from their life, the detail they could recognise, not
2550
+
2551
+ the things that happen to them.
2552
+
2553
+ So we can see this distinction between vivid, rich detail
2554
+
2555
+ of recall and massive dishonesty and retrograde amnesia.
2556
+
2557
+ But there's no gradient, and it's this episodic loss that's
2558
+
2559
+ occurring.
2560
+
2561
+ So I'm just going to end on a few last
2562
+
2563
+ points.
2564
+
2565
+ Let's take an example of this kind of consolidation.
2566
+
2567
+ This is an amnesic taxi driver.
2568
+
2569
+ I was fortunate to study with Eliot and McGuire at
2570
+
2571
+ UCL.
2572
+
2573
+ He was hippocampus, was disrupted bilaterally, very severe damage damages,
2574
+
2575
+ hippocampus like Clive wearing.
2576
+
2577
+ I stepped out to get him a cup of tea
2578
+
2579
+ and came back.
2580
+
2581
+ He reintroduced himself to me and said Hello, but we've
2582
+
2583
+ been talking for some time.
2584
+
2585
+ I gave him I gave him the compass with an
2586
+
2587
+ arrow on it.
2588
+
2589
+ He couldn't see the compass.
2590
+
2591
+ It was hidden so I could measure his direction pointing.
2592
+
2593
+ I just I could just point to various places around
2594
+
2595
+ London.
2596
+
2597
+ We're standing in the middle of Queen's Square.
2598
+
2599
+ Where is London Bridge?
2600
+
2601
+ I'd be very surprised if you do see it.
2602
+
2603
+ The audience could point from here to London Bridge.
2604
+
2605
+ I can't do it if you take a London taxi
2606
+
2607
+ driver.
2608
+
2609
+ He spent 40 years.
2610
+
2611
+ He knows exactly about London Bridge.
2612
+
2613
+ He knows where Peter Street is.
2614
+
2615
+ He knows where all the streets in London, they have
2616
+
2617
+ to memorise it to be London taxi drivers.
2618
+
2619
+ And this is the chart.
2620
+
2621
+ A little little white dots of all the taxi drivers
2622
+
2623
+ with healthy brains we measured on in the black dots
2624
+
2625
+ this amnesic and he doesn't know how he knows this,
2626
+
2627
+ but he knows these directions.
2628
+
2629
+ We then were able to put him into a virtual
2630
+
2631
+ reality simulation of London back in 2006 and have him
2632
+
2633
+ drive round a virtual simulation of London.
2634
+
2635
+ And here's a route driven across the virtual simulation by
2636
+
2637
+ a group of ten healthy cat taxi drivers.
2638
+
2639
+ And in black.
2640
+
2641
+ Here's his route.
2642
+
2643
+ So it was terrible.
2644
+
2645
+ He was really bad at actually navigating.
2646
+
2647
+ So we had this knowledge of things, but his ability
2648
+
2649
+ to actually find his way in London in a virtual
2650
+
2651
+ simulation was terrible.
2652
+
2653
+ And what we found was that if he had to
2654
+
2655
+ go on minor roads, he couldn't remember.
2656
+
2657
+ But the major A-roads he could had been consolidated.
2658
+
2659
+ So he had this.
2660
+
2661
+ Some of his knowledge that we repeated have been strengthened.
2662
+
2663
+ Finally, Demis Hassabis, who was in Newcastle before he's founded
2664
+
2665
+ the company DeepMind, ran some studies asking patients to imagine
2666
+
2667
+ things like, Can you imagine lying on a sandy beach?
2668
+
2669
+ If you ask most people's room, they'll give you a
2670
+
2671
+ long, long description, all sorts of things happening.
2672
+
2673
+ But if you ask Clive Waring or patients, he was
2674
+
2675
+ tested.
2676
+
2677
+ They gives you a bit of a vague answer.
2678
+
2679
+ They report various things, but it's a bit vague.
2680
+
2681
+ And in particular they're missing all of the references to
2682
+
2683
+ where things are, things the normal, healthy person.
2684
+
2685
+ Things are behind them and they're left there.
2686
+
2687
+ But this is all missing.
2688
+
2689
+ And what damage some of the elements.
2690
+
2691
+ They can't actually imagine the scene.
2692
+
2693
+ You can imagine objects like a football.
2694
+
2695
+ They have problems processing, constructing the world.
2696
+
2697
+ So what this means is that where we are in
2698
+
2699
+ 2022, the hippocampus is necessary for amnesic to remember things,
2700
+
2701
+ but it goes into imagination as well.
2702
+
2703
+ Clive Waring would not be able to imagine his daughter's
2704
+
2705
+ wedding.
2706
+
2707
+ This is what this work shows.
2708
+
2709
+ So here's the overview of what we talked about today
2710
+
2711
+ for time.
2712
+
2713
+ I won't read it out and can't read this and
2714
+
2715
+ there's a great review in 2008.
raw_transcripts/lecture_17.txt ADDED
@@ -0,0 +1,2205 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Okay, let's let's get started.
2
+
3
+ Everyone.
4
+
5
+ Can everyone hear me?
6
+
7
+ I'm not used to speaking in such a big lecture
8
+
9
+ theatre.
10
+
11
+ Okay.
12
+
13
+ I'm Dan Bender.
14
+
15
+ I'm the associate professor of Behavioural Neuroscience.
16
+
17
+ My lab studies sleep, among other things.
18
+
19
+ And that's what I'm going to talk about today.
20
+
21
+ I do have to leave at a little bit before
22
+
23
+ 11 for sure.
24
+
25
+ So if there are any lingering questions, I'll have my
26
+
27
+ email address over here and you can email me.
28
+
29
+ But my P.A. soon is operating and I can't miss
30
+
31
+ her presentation.
32
+
33
+ So we'll we'll jump right in.
34
+
35
+ So before I talk about sleep, okay, which is a
36
+
37
+ very interesting topic, I want to take something.
38
+
39
+ Go back a little more basic and ask the question,
40
+
41
+ why do animals have a brain?
42
+
43
+ Right.
44
+
45
+ That's that's probably one of the most basic things in
46
+
47
+ neuroscience.
48
+
49
+ Why do we have a brain?
50
+
51
+ And we look through that animal kingdom.
52
+
53
+ We can see that you have sort of the most
54
+
55
+ primitive species, such as sponges.
56
+
57
+ Okay.
58
+
59
+ And these actually don't have any neurones at all.
60
+
61
+ Okay.
62
+
63
+ So the first animals did not have neurones.
64
+
65
+ It happened some point in evolution.
66
+
67
+ Okay.
68
+
69
+ And you see that neurones appear around the time that
70
+
71
+ jellyfish and similar creatures developed in evolution.
72
+
73
+ And then if we get to more complex animals, it's
74
+
75
+ no longer just neurones, but we have ganglia and brain.
76
+
77
+ Okay.
78
+
79
+ So it's clusters of neurones working together to do something
80
+
81
+ that individual neurones can't.
82
+
83
+ Now, this is where it gets interesting that if we
84
+
85
+ look at our closest one of our closest invertebrate invertebrate
86
+
87
+ relatives, the starfish.
88
+
89
+ So the starfish is closer than roundworms and molluscs and
90
+
91
+ insects.
92
+
93
+ It's closer to us than all those other animals.
94
+
95
+ Starfish actually lost the ganglia.
96
+
97
+ They lost the brain.
98
+
99
+ They just have neurones that are connected together in a
100
+
101
+ ring.
102
+
103
+ Okay.
104
+
105
+ Same with sea urchins.
106
+
107
+ Next time you have uni for sushi, you're thinking you're
108
+
109
+ eating one of your closest relatives in the invertebrate kingdom.
110
+
111
+ Now, where it gets very interesting is sea squirts.
112
+
113
+ The sea squirts actually have a brain in the larval
114
+
115
+ stage, but then they lose it when they're an adult.
116
+
117
+ And if we look at sea squirts, it gives us
118
+
119
+ an answer to the question, Why do we have a
120
+
121
+ brain?
122
+
123
+ Okay.
124
+
125
+ So if we look at a larval sea squirt, it
126
+
127
+ looks a bit like a tadpole.
128
+
129
+ It has two little eyes spots.
130
+
131
+ It has a tail.
132
+
133
+ It's not a spine, it's not a vertebrate, but it
134
+
135
+ has a new record, which is, you know, very close
136
+
137
+ to what vertebrates would have.
138
+
139
+ And it has a digestive system.
140
+
141
+ And its main goal and its early life is to
142
+
143
+ find a nice rock, because once it finds a nice
144
+
145
+ rock, it's going to attach that rock for the rest
146
+
147
+ of its life.
148
+
149
+ And that rock is where it gets all its food
150
+
151
+ and acts as a filter filtering the water.
152
+
153
+ So if you place a bad rock, it kind of
154
+
155
+ sucks, right?
156
+
157
+ That's the rest of his life.
158
+
159
+ It's there.
160
+
161
+ So the thing that's so interesting is that when you're
162
+
163
+ attached to a rock, why would you need to see
164
+
165
+ it if a predator was coming?
166
+
167
+ You can't escape from it.
168
+
169
+ You're stuck to the rock.
170
+
171
+ So vision is useless.
172
+
173
+ Motion is useless, right?
174
+
175
+ You're just stuck to the rock.
176
+
177
+ So you're just floating in the water.
178
+
179
+ So what does a sea squirt do?
180
+
181
+ It eats its nervous system.
182
+
183
+ Okay.
184
+
185
+ It doesn't need it anymore.
186
+
187
+ It's useful energy.
188
+
189
+ It digests it.
190
+
191
+ Okay.
192
+
193
+ So here's the thing.
194
+
195
+ If you don't need to move, you don't need to
196
+
197
+ see.
198
+
199
+ You don't need a brain.
200
+
201
+ Okay.
202
+
203
+ So why do animals have a brain?
204
+
205
+ Animals need a brain to convert sensation to action.
206
+
207
+ A jellyfish does that and moves around the water looking
208
+
209
+ for food.
210
+
211
+ A sponge doesn't.
212
+
213
+ It just filters the water.
214
+
215
+ Doesn't need a brain.
216
+
217
+ Okay.
218
+
219
+ Now, this is where it leads to sleep.
220
+
221
+ Every animal thus far that we know of, if.
222
+
223
+ If an animal moves, it sleeps.
224
+
225
+ Okay?
226
+
227
+ Sleep is a really primitive aspect of the brain.
228
+
229
+ How do we measure sleep?
230
+
231
+ Right.
232
+
233
+ You can't measure it in a jellyfish.
234
+
235
+ It seems know when you wake it up, it snores.
236
+
237
+ You have no way of measuring it, you would think.
238
+
239
+ But it turns out that the most primitive forms of
240
+
241
+ sleep there is a lack of motion for a prolonged
242
+
243
+ period of time.
244
+
245
+ Much like us, there is an elevated threshold to react
246
+
247
+ to sensory stimulus.
248
+
249
+ Right.
250
+
251
+ So if I mention your name now, you're.
252
+
253
+ You know, you'll look around, right?
254
+
255
+ You'll hear me.
256
+
257
+ If you were sleeping in class, you might not unless
258
+
259
+ I was loud enough.
260
+
261
+ Right.
262
+
263
+ Don't worry.
264
+
265
+ I won't test that out.
266
+
267
+ The third thing, and this is a bit harder to
268
+
269
+ test, but you can test in a lot of animals.
270
+
271
+ There is a rebound after sleep deprivation.
272
+
273
+ Right.
274
+
275
+ Which.
276
+
277
+ Which makes sense.
278
+
279
+ If I.
280
+
281
+ If I keep you for three days without sleeping, you're
282
+
283
+ probably going to fall asleep really, really fast and sleep
284
+
285
+ for a longer period of time to compensate.
286
+
287
+ Okay.
288
+
289
+ So those there is of course, sleep is a lot
290
+
291
+ more complex.
292
+
293
+ When you talk about mammals.
294
+
295
+ But the most basic definition of sleep are these three
296
+
297
+ things.
298
+
299
+ So now you can ask the question when you move
300
+
301
+ up the food chain in evolution, how to sleep in
302
+
303
+ the animal kingdom.
304
+
305
+ So let's start with the jellyfish.
306
+
307
+ This is the upside-down jellyfish.
308
+
309
+ I believe this was a was an undergraduate project from
310
+
311
+ a bunch of students, and it got published in Current
312
+
313
+ biology.
314
+
315
+ That's the story I heard.
316
+
317
+ So they had a bunch of jellyfish in an A
318
+
319
+ tank and they tracked the activity of the jellyfish.
320
+
321
+ And they found that in the daytime it was moving
322
+
323
+ a lot.
324
+
325
+ And the Night-Time it wasn't moving so much.
326
+
327
+ Now, that does not mean that the animal is sleeping
328
+
329
+ on its own.
330
+
331
+ Right.
332
+
333
+ During this class, some of you might not be moving
334
+
335
+ a lot.
336
+
337
+ It doesn't mean that you're sleeping.
338
+
339
+ Right.
340
+
341
+ So how can you tell the difference?
342
+
343
+ So what they did is they perturb the animal so
344
+
345
+ it couldn't rest.
346
+
347
+ Okay.
348
+
349
+ There would be a gust of water coming up.
350
+
351
+ And every time the animal was sort of, you know,
352
+
353
+ resting, it would have to move again.
354
+
355
+ And what they found is that when they perturbed one
356
+
357
+ night asleep, there was a recovery where there was less
358
+
359
+ activity than you would expect prior to the perturbation.
360
+
361
+ Okay.
362
+
363
+ And even when the animal slept over here, we would
364
+
365
+ consider sleeping.
366
+
367
+ There was even less activity.
368
+
369
+ So it was almost like a like you could say
370
+
371
+ a deeper sleep.
372
+
373
+ Now, this is maybe not the same as being able
374
+
375
+ to record EEG and EMG.
376
+
377
+ You know, all the signals from the brain of humans
378
+
379
+ and monitoring their sleep.
380
+
381
+ But this is the jellyfish, right?
382
+
383
+ And we're already seeing some basic aspects of sleep here.
384
+
385
+ Okay.
386
+
387
+ Remember, they don't have a brain.
388
+
389
+ They just have neurones.
390
+
391
+ That's key.
392
+
393
+ Now, if we go up the food chain to the
394
+
395
+ fruit fly, which is obviously a lot more complicated than
396
+
397
+ the jellyfish and its nervous system, we see that the
398
+
399
+ fruit fly rests more at Night-Time.
400
+
401
+ You know, lack of movement than in the daytime, which
402
+
403
+ is already good because usually sleep doesn't have to be
404
+
405
+ 12 hours a night and you're awake 12 hours during
406
+
407
+ the day.
408
+
409
+ There are lots of different ways sleep can manifest.
410
+
411
+ But you do see that there is a preferred time
412
+
413
+ for the animal to rest.
414
+
415
+ And what they can test here is also the arousal
416
+
417
+ threshold that if you, you know, lightly do an air
418
+
419
+ popper, do something that would preserve the animal.
420
+
421
+ You have to put more force to get the animal
422
+
423
+ to wake up.
424
+
425
+ Okay.
426
+
427
+ So an animal to move.
428
+
429
+ So this is one of the key things for sleep.
430
+
431
+ It's not simply the animals not moving, but it's paying
432
+
433
+ attention.
434
+
435
+ And you have to somehow break through.
436
+
437
+ It's it's an intention to to get through the animal.
438
+
439
+ Okay.
440
+
441
+ Now, once we're in the fruit fly.
442
+
443
+ There is one other thing that's quite cool that you
444
+
445
+ can start doing that this would be very difficult to
446
+
447
+ do with the jellyfish, but you can put electrodes in
448
+
449
+ the brain.
450
+
451
+ You can tell the animal in a ball so it
452
+
453
+ walks around and you can actually record neural activity and
454
+
455
+ combine this with the movement of the animal.
456
+
457
+ So now you have a way to to not just
458
+
459
+ look at sleep behaviourally, but look electrophysiological of what's going
460
+
461
+ on, to see if there are characteristics of neural signals
462
+
463
+ that that tell you, oh, the animal is sleeping because
464
+
465
+ you see this animals awake because you see this.
466
+
467
+ Okay.
468
+
469
+ Now we're going to go to a larger animal now,
470
+
471
+ the lizard and the lizard here.
472
+
473
+ You know, it's it's a vertebrate, first of all.
474
+
475
+ Right.
476
+
477
+ It's a lot closer to us.
478
+
479
+ They definitely sleep.
480
+
481
+ Okay.
482
+
483
+ And in the lizard, you start seeing it.
484
+
485
+ Sleep is not just a homogeneous pattern in the brain.
486
+
487
+ There's actually two stages.
488
+
489
+ Now, we don't know if it's exactly like the two
490
+
491
+ stages of sleep in humans, but it does seem to
492
+
493
+ be one stage where you have synchronous activity in one
494
+
495
+ stage where it's less synchronous.
496
+
497
+ And these seem to oscillate back and forth.
498
+
499
+ So it's quite different from what you see in other
500
+
501
+ mammals.
502
+
503
+ But you already start seeing neural signatures of two different
504
+
505
+ types of sleep.
506
+
507
+ And reptiles.
508
+
509
+ Okay.
510
+
511
+ Now when you get to birds and mammals, now you
512
+
513
+ have a more defined sleep pattern.
514
+
515
+ And this is typically called slow wave sleep and REM
516
+
517
+ sleep, Slow wave sleep.
518
+
519
+ You can also call non-REM sleep.
520
+
521
+ But essentially, when you go to sleep, you fall into
522
+
523
+ deep sleep.
524
+
525
+ And you have a lot of this in your early
526
+
527
+ sleep.
528
+
529
+ And then you have a little bit of REM sleep.
530
+
531
+ And then each cycle of sleep, which is about 90
532
+
533
+ minutes, you have a little bit more REM and a
534
+
535
+ little bit less slow wave.
536
+
537
+ Okay.
538
+
539
+ And by the end of the night, it's mostly REM
540
+
541
+ sleep.
542
+
543
+ Okay.
544
+
545
+ Show of hands.
546
+
547
+ Do you typically dream in your slow wave sleep or
548
+
549
+ REM sleep?
550
+
551
+ Raise your hand if it's slow.
552
+
553
+ Wave sleep.
554
+
555
+ Raise your hand in his REM sleep.
556
+
557
+ Good.
558
+
559
+ So REM sleep is where you typically dream, but you
560
+
561
+ can dream also and slowly sleep.
562
+
563
+ You typically remember your dreams from REM sleep more.
564
+
565
+ Okay.
566
+
567
+ So when you're in slow wave sleep and you put
568
+
569
+ up electrodes so you can record neural activity, you can
570
+
571
+ see that there's slow oscillations which relate to cortical cortical
572
+
573
+ communication.
574
+
575
+ There's spindles which are high oscillation signals that relate to
576
+
577
+ the thalamus talking to cortex.
578
+
579
+ And there are also sharp wave ripples, which are extremely
580
+
581
+ high frequency oscillations in the hippocampus that help it talk
582
+
583
+ to cortex.
584
+
585
+ In REM sleep, you see completely different brain activity.
586
+
587
+ You see theta activity in the hippocampus and you see
588
+
589
+ tiger waves as well.
590
+
591
+ Okay.
592
+
593
+ So if you just were watching the signals coming from
594
+
595
+ the brain, you could tell if someone is sleeping and
596
+
597
+ whether it's REM sleep or non REM sleep.
598
+
599
+ Okay.
600
+
601
+ And the key thing to remember is REM sleep activity
602
+
603
+ is very similar to awake activity that is not synchronised
604
+
605
+ and sort of like all the neurones.
606
+
607
+ Imagine if the orchestra and there all every instrument is
608
+
609
+ just practising on its own.
610
+
611
+ They don't seem coordinated.
612
+
613
+ Slow wave sleep.
614
+
615
+ The whole orchestra is going boom, boom, boom together.
616
+
617
+ And that's what the slow waves are.
618
+
619
+ Okay, so you have these two different types of sleep.
620
+
621
+ Now we can look at the animal kingdom to see
622
+
623
+ how does this type of sleep?
624
+
625
+ Very right.
626
+
627
+ Do all animals sleep like us or is there a
628
+
629
+ lot of variability?
630
+
631
+ And what you find is that at least with REM
632
+
633
+ sleep, it is really, really different across the animal kingdom.
634
+
635
+ So the platypus is the king of REM sleep.
636
+
637
+ They have 8 hours a night.
638
+
639
+ We only have two.
640
+
641
+ Okay.
642
+
643
+ The dolphin is unfortunately the animal with one of the
644
+
645
+ least amount of REM sleep.
646
+
647
+ They have minutes every night.
648
+
649
+ Okay.
650
+
651
+ So we know REM sleep is really important.
652
+
653
+ The same time.
654
+
655
+ That dolphin is a lot smarter than the platypus.
656
+
657
+ So it's not really clear why all this extra sleep
658
+
659
+ a platypus is getting what it gains from us.
660
+
661
+ Now, if you look at overall sleep times across the
662
+
663
+ animal kingdom, one thing you notice is that two animals
664
+
665
+ that are genetically very similar can have very different amounts
666
+
667
+ of sleep.
668
+
669
+ So a nice example is the owl monkey below over
670
+
671
+ here compared to the human right.
672
+
673
+ We're both primates.
674
+
675
+ We actually both have the same amount of REM sleep
676
+
677
+ per night, about 2 hours.
678
+
679
+ But the owl monkey sleeps 17 hours.
680
+
681
+ We sleep well.
682
+
683
+ We're supposed to sleep 8 hours.
684
+
685
+ It's probably a lot less.
686
+
687
+ In general, you're staying up late at night, you know,
688
+
689
+ with your Twitter accounts and bingeing Netflix, like.
690
+
691
+ Like all of us.
692
+
693
+ So it's not just genes, right?
694
+
695
+ There's something else going on.
696
+
697
+ And it's very likely to be ethology, which means there
698
+
699
+ are specific constraints on animals, behaviour and habitat.
700
+
701
+ So, for instance, if you could sleep all day, right,
702
+
703
+ because you didn't have to worry about food and resources
704
+
705
+ and other things.
706
+
707
+ Yeah, maybe.
708
+
709
+ Maybe over many, many millions of years, you would start
710
+
711
+ sleeping more, right?
712
+
713
+ Another thing that's quite buried in the animal kingdom is
714
+
715
+ unit hemisphere of sleep.
716
+
717
+ So we sleep with both hemispheres.
718
+
719
+ At least most of us do.
720
+
721
+ The dolphins are famous for sleeping with one hemisphere than
722
+
723
+ the other hemisphere.
724
+
725
+ And you can see this as they will sort of
726
+
727
+ circle around when they're sleeping with one side and then
728
+
729
+ they circle the other direction when they're sleeping with the
730
+
731
+ other part of their brain.
732
+
733
+ And they have to do this because.
734
+
735
+ They need to breathe consciously, so they have to keep
736
+
737
+ part of their brain on.
738
+
739
+ Otherwise, they die.
740
+
741
+ Okay.
742
+
743
+ So it turns out that it's not just dolphins that
744
+
745
+ are cool, that there are lots of species that are
746
+
747
+ capable of this, including birds, water, animals, reptiles.
748
+
749
+ It's almost that we are the oddballs of the year.
750
+
751
+ And if you think about it, it's it's quite smart
752
+
753
+ that you always keep part of your brain on is
754
+
755
+ if a predator comes or you need to be able
756
+
757
+ to do something, you would react faster, right?
758
+
759
+ Or your brain is a bit groggy, but the other
760
+
761
+ part is awake.
762
+
763
+ And I mean, I've even heard stories of lizards that
764
+
765
+ will sleep, you know, with both eyes closed.
766
+
767
+ But if they sense that there is a predator in
768
+
769
+ the room, one eye opens and they switch to, you
770
+
771
+ know, have a third sleep.
772
+
773
+ So there's probably some flexibility, but a lot of mammals
774
+
775
+ sleep in or birds will sleep in nests and they
776
+
777
+ have sort of very safe habitats.
778
+
779
+ And over time, maybe you have a unit of hemispheric
780
+
781
+ sleep is not necessary anymore.
782
+
783
+ And it's not as efficient as sleeping with both hemispheres.
784
+
785
+ Right.
786
+
787
+ It takes the dolphin twice as long to sleep because
788
+
789
+ it have to do one side at a time.
790
+
791
+ Okay.
792
+
793
+ It's not just non-REM sleep that is due to hemisphere.
794
+
795
+ REM sleep requires both hemispheres as far as we can
796
+
797
+ tell.
798
+
799
+ So dolphins have a hard time during REM sleep.
800
+
801
+ Right.
802
+
803
+ It's like they do.
804
+
805
+ They have their little dream and then they have to
806
+
807
+ breathe.
808
+
809
+ Right.
810
+
811
+ So that's that's tough.
812
+
813
+ They're doing this at, you know, seconds or a minute
814
+
815
+ at a time.
816
+
817
+ They can hold their breath longer than us.
818
+
819
+ Fortunately, when we get to the first seal, it's interesting
820
+
821
+ because the first seal has a behaviour that's more like
822
+
823
+ terrestrial mammals, but it also lives in the water.
824
+
825
+ And it turns out that when it's in the water,
826
+
827
+ you can't do very much REM sleep.
828
+
829
+ And it also has to sleep with one hemisphere at
830
+
831
+ a time.
832
+
833
+ But as soon as it comes to land, then it
834
+
835
+ says, okay, great.
836
+
837
+ I don't need to consciously breathe, you know, underwater.
838
+
839
+ I can have my REM sleep and I can sleep
840
+
841
+ with both hemispheres and it switches.
842
+
843
+ So it shows you two really important things.
844
+
845
+ First, this is the this is much more efficient to
846
+
847
+ sleep with both hemispheres and to have REM sleep.
848
+
849
+ At the same time is not essential, right?
850
+
851
+ It's hard to wrap your head around.
852
+
853
+ How does an animal get away with not having REM
854
+
855
+ sleep yet?
856
+
857
+ As soon as it has an opportunity, it will do
858
+
859
+ loads of it.
860
+
861
+ Right.
862
+
863
+ So it must have a function.
864
+
865
+ We just don't know what it is.
866
+
867
+ Okay.
868
+
869
+ So to sum up so far, all animals with a
870
+
871
+ brain need to sleep.
872
+
873
+ As far as we know.
874
+
875
+ If you discover an animal that doesn't need to sleep,
876
+
877
+ nature paper, great sleep structure and requirements vary greatly across
878
+
879
+ different species with different ethology, the habitat, the behaviour, all
880
+
881
+ of that seems to influence how the animals sleep.
882
+
883
+ So there is flexibility in what a species can do.
884
+
885
+ It's not like I'm human.
886
+
887
+ I have to sleep 8 hours.
888
+
889
+ But it might take a long time for me to
890
+
891
+ adapt to then sleep more or sleep less.
892
+
893
+ So the big question is why is sleep important?
894
+
895
+ So you have to look at sleep and say this
896
+
897
+ is the worst possible idea evolution could have come up
898
+
899
+ with.
900
+
901
+ Right.
902
+
903
+ What is your function as a species?
904
+
905
+ It is to make more of you.
906
+
907
+ To make more.
908
+
909
+ Right.
910
+
911
+ So mating.
912
+
913
+ You need to get food for energy so you can
914
+
915
+ do that.
916
+
917
+ Okay.
918
+
919
+ So foraging, hunting.
920
+
921
+ And then there are other animals that are looking for
922
+
923
+ food, too.
924
+
925
+ And if they hunt you, you're not going to mate.
926
+
927
+ Right.
928
+
929
+ So you need to avoid predation and sleep is one
930
+
931
+ third of your life and you can't do these essential
932
+
933
+ things.
934
+
935
+ So why would why would the brain evolve to take
936
+
937
+ give you a disadvantage in these things?
938
+
939
+ You must be getting something in return.
940
+
941
+ But it's we still don't really understand what we are
942
+
943
+ getting in return.
944
+
945
+ And just to emphasise how important sleep is, right.
946
+
947
+ You would probably say, well, you need food and water
948
+
949
+ more.
950
+
951
+ Right.
952
+
953
+ Well, the world record for no water is 18 days.
954
+
955
+ Okay.
956
+
957
+ No food.
958
+
959
+ 74 days.
960
+
961
+ How long can someone go without sleep, you think?
962
+
963
+ 11 days.
964
+
965
+ Hey, Randy Gardner.
966
+
967
+ Hey.
968
+
969
+ Now it's even possible that part of his brain was
970
+
971
+ sleeping.
972
+
973
+ There are some reports of local sleep, but I think
974
+
975
+ he had problems after this experiment that he performed on
976
+
977
+ on himself.
978
+
979
+ And you probably have tested yourself on going one day
980
+
981
+ without sleep, maybe two.
982
+
983
+ It's quite difficult.
984
+
985
+ You don't function well.
986
+
987
+ But I can tell you, as someone who has young
988
+
989
+ kids, I went through a lot of sleep deprivation.
990
+
991
+ You are not the same person.
992
+
993
+ Okay.
994
+
995
+ I'm still recovering.
996
+
997
+ And they have done this as well on on rodents.
998
+
999
+ And, you know, you put the animal basically on a
1000
+
1001
+ on a dish that's rotating.
1002
+
1003
+ So the animals not just have to move quickly, but
1004
+
1005
+ it it's not continuously awake and where it goes into
1006
+
1007
+ the water.
1008
+
1009
+ And within 11 to 30 days or so, all the
1010
+
1011
+ rats died on this experiment.
1012
+
1013
+ Now, one very important thing one can found is that
1014
+
1015
+ lack of sleep leads to stress.
1016
+
1017
+ And stress has a huge effect on your mental mental
1018
+
1019
+ health and well-being.
1020
+
1021
+ Okay.
1022
+
1023
+ So it's hard to know whether the ability to remove
1024
+
1025
+ stress when that's gone, we are in trouble.
1026
+
1027
+ And that's why we're having these problems.
1028
+
1029
+ Or is it sleep itself?
1030
+
1031
+ Okay.
1032
+
1033
+ And it's also a vicious circle, as many of you
1034
+
1035
+ probably realise that when you're stressed, you can't fall asleep.
1036
+
1037
+ When you can't fall asleep.
1038
+
1039
+ It will lead to more stress.
1040
+
1041
+ Okay.
1042
+
1043
+ So sleep is as important as mating, hunting, foraging for
1044
+
1045
+ food, avoiding predation.
1046
+
1047
+ But we don't know why.
1048
+
1049
+ So some ideas.
1050
+
1051
+ All of you have been sick at one point.
1052
+
1053
+ What?
1054
+
1055
+ What do you do?
1056
+
1057
+ You go to your bed.
1058
+
1059
+ You rest.
1060
+
1061
+ You sleep.
1062
+
1063
+ You sleep often more.
1064
+
1065
+ So there are some benefits to your immune system and
1066
+
1067
+ wound healing.
1068
+
1069
+ Now, why that is special.
1070
+
1071
+ To sleep and not just resting in bed.
1072
+
1073
+ There seems to be your immune system does seem to
1074
+
1075
+ be synchronised to your sleep cycle and there is probably
1076
+
1077
+ a lot more there.
1078
+
1079
+ But why that's the case.
1080
+
1081
+ Why do you have to be unconscious for your immune
1082
+
1083
+ system to kick in and act differently?
1084
+
1085
+ We don't know.
1086
+
1087
+ Second thing is energy conservation and protection.
1088
+
1089
+ So many animals are adapted for hunting or foraging at
1090
+
1091
+ night or during the day, but not both.
1092
+
1093
+ Okay.
1094
+
1095
+ So a good example is, you know, like the nocturnal
1096
+
1097
+ primates that you find with these huge eyes.
1098
+
1099
+ Right.
1100
+
1101
+ Those are great.
1102
+
1103
+ In Night-Time, they see much better than we do.
1104
+
1105
+ But if you turn the light on, they're like, Oh,
1106
+
1107
+ right.
1108
+
1109
+ They would not be able to hunt.
1110
+
1111
+ And in fact, they would be a danger of predation.
1112
+
1113
+ So the best thing they can do is just hide
1114
+
1115
+ right here during the day, hunt at night.
1116
+
1117
+ But that still doesn't answer the question.
1118
+
1119
+ Why do they have to be asleep?
1120
+
1121
+ Why can't they just, you know, hang out in their
1122
+
1123
+ their cubby-hole and just wait for the right time?
1124
+
1125
+ The next idea is homeostasis.
1126
+
1127
+ So when you're learning, hopefully today you're learning or your
1128
+
1129
+ neurones are building new synapses, the synapses are getting stronger.
1130
+
1131
+ But if you do that again and again and again,
1132
+
1133
+ there might be some negative effects of scaling up your
1134
+
1135
+ synapses too much.
1136
+
1137
+ So during sleep, it's thought that there is a homeostatic
1138
+
1139
+ mechanism that rebalances things, that things don't go too high
1140
+
1141
+ or too low.
1142
+
1143
+ And while still maintaining the changes that occurred during learning.
1144
+
1145
+ Okay.
1146
+
1147
+ Fourth is what's called the washing machine hypothesis that when
1148
+
1149
+ you sleep, your brain is able to get rid of
1150
+
1151
+ all the crap that's built up.
1152
+
1153
+ Okay.
1154
+
1155
+ So what do I mean by that?
1156
+
1157
+ Well, if you look at amyloid beta, right, related to
1158
+
1159
+ dementia, humans have a higher risk.
1160
+
1161
+ Okay.
1162
+
1163
+ If your sleep efficiency goes down.
1164
+
1165
+ So if you're not sleeping well, you have more build-up
1166
+
1167
+ of these toxins, which then can lead to dementia.
1168
+
1169
+ Okay.
1170
+
1171
+ And another example, you can look at how another thing
1172
+
1173
+ related to Alzheimer's and there is a build-up of tell
1174
+
1175
+ if someone is sleep deprived.
1176
+
1177
+ So every time you're going out and partying all night,
1178
+
1179
+ you're like, I don't need to sleep.
1180
+
1181
+ I'm young, you're building up towel your brain, okay?
1182
+
1183
+ You have a big capacity, you know, for how much
1184
+
1185
+ you can have.
1186
+
1187
+ But at some point you want to sleep and clear
1188
+
1189
+ this stuff out so it doesn't build up over time.
1190
+
1191
+ And it's not surprising that as you get older, sleep
1192
+
1193
+ quality does decline.
1194
+
1195
+ And these are associated with a lot of these sorts
1196
+
1197
+ of problems.
1198
+
1199
+ Okay.
1200
+
1201
+ Now, if we look at the brain, this is with
1202
+
1203
+ MRI, you can see that there are ways of activity
1204
+
1205
+ happening during sleep.
1206
+
1207
+ And when the activity goes up, okay, this happens slowly
1208
+
1209
+ up and down when it goes Sorry, when it goes
1210
+
1211
+ down.
1212
+
1213
+ There is a CSF exchange which you see in blue.
1214
+
1215
+ So activities in red, when the activity goes down, the
1216
+
1217
+ CSF in the brain gets flushed out.
1218
+
1219
+ And with this CSF, we think there are a lot
1220
+
1221
+ of toxins that have built up and then it's sort
1222
+
1223
+ of replenishes.
1224
+
1225
+ So that's a bit like a washing machine, right?
1226
+
1227
+ It's sort of flushing the brain out.
1228
+
1229
+ And then you have new CSF filling up the region
1230
+
1231
+ and this way you're getting rid of stuff.
1232
+
1233
+ Okay.
1234
+
1235
+ If you don't sleep, maybe this can still happen, but
1236
+
1237
+ it seems that it's not as efficient.
1238
+
1239
+ And there's something about sleep that is ideal for this
1240
+
1241
+ to happen.
1242
+
1243
+ Okay.
1244
+
1245
+ So I talked to you about four hypotheses.
1246
+
1247
+ The fifth one I'll focus on for the rest of
1248
+
1249
+ the lecture, because that's what my lab does.
1250
+
1251
+ And I know more about that than the other four.
1252
+
1253
+ So the fifth hypothesis where there is a lot of
1254
+
1255
+ evidence is that sleep is important for memory.
1256
+
1257
+ And this idea that your recent memories need to get
1258
+
1259
+ backed up to long term storage.
1260
+
1261
+ And this has to happen during sleep.
1262
+
1263
+ So there are lots of experiments you can find out
1264
+
1265
+ in the literature where there is some sort of task.
1266
+
1267
+ I mean, there are really dozens and dozens of these
1268
+
1269
+ sorts of studies.
1270
+
1271
+ On the y axis, you see that there's an improvement
1272
+
1273
+ in the task.
1274
+
1275
+ And if you've taken a nap after you do the
1276
+
1277
+ task, you'll do better than if you didn't take a
1278
+
1279
+ nap.
1280
+
1281
+ Okay, so sleeping is beneficial At the same time, if
1282
+
1283
+ you sleep deprived someone, you'll see that their memory retention
1284
+
1285
+ is is not as good.
1286
+
1287
+ So sleeping is good and not sleeping.
1288
+
1289
+ When you're supposed to sleep, you do worse than you
1290
+
1291
+ should.
1292
+
1293
+ Okay.
1294
+
1295
+ Now, as I said before, not sleeping leads to stress.
1296
+
1297
+ And there are you know, there are other factors you
1298
+
1299
+ have to examine.
1300
+
1301
+ But even when you do these things, sleep seems to
1302
+
1303
+ be better beneficial for your memory.
1304
+
1305
+ So I told you that sleep is divided into REM
1306
+
1307
+ sleep and non REM sleep and mammals and birds.
1308
+
1309
+ So what is what do you think is more important
1310
+
1311
+ for memory?
1312
+
1313
+ Is it the REM sleep or the non REM sleep?
1314
+
1315
+ Ram.
1316
+
1317
+ Raise your hand if it's Ram.
1318
+
1319
+ Raise your hand if it's non-REM.
1320
+
1321
+ Okay.
1322
+
1323
+ A couple brave souls.
1324
+
1325
+ Good.
1326
+
1327
+ So here's a task.
1328
+
1329
+ I'll answer the question in a second.
1330
+
1331
+ Here's a task where someone has to remember the location
1332
+
1333
+ of different different dots on the screen.
1334
+
1335
+ And while they're doing the task, they smell this odour
1336
+
1337
+ in the background.
1338
+
1339
+ Okay.
1340
+
1341
+ I believe it's not a very good odour, but it's
1342
+
1343
+ for the purpose of getting their attention and making that
1344
+
1345
+ association.
1346
+
1347
+ And then when they go to sleep, they can present
1348
+
1349
+ that odour while they're sleeping.
1350
+
1351
+ And the idea is because the olfactory bulb has direct
1352
+
1353
+ connections to the campus, that smell is going to activate
1354
+
1355
+ neurones and remind the brain, the hippocampus over here, which
1356
+
1357
+ is active during sleep, reminding the hippocampus that, oh, this
1358
+
1359
+ is what you were doing.
1360
+
1361
+ Think about this memory and perhaps bias your your your
1362
+
1363
+ memory processing towards the task rather than all the other
1364
+
1365
+ things you did during the day.
1366
+
1367
+ So it turns out if you do this during REM
1368
+
1369
+ and waking, there is no effect at all on your
1370
+
1371
+ memory.
1372
+
1373
+ But if you do during slow sleep, if you present
1374
+
1375
+ the odour, the performance improves after the sleep session compared
1376
+
1377
+ to if there is no odour at all.
1378
+
1379
+ Okay.
1380
+
1381
+ So this doesn't mean that REM sleep is not important
1382
+
1383
+ for memory.
1384
+
1385
+ But it seems that slow wave sleep is where this
1386
+
1387
+ might this process probably starts.
1388
+
1389
+ Okay.
1390
+
1391
+ The other thing is this works If you just have
1392
+
1393
+ a nap.
1394
+
1395
+ And a nap is almost entirely slow wave sleep.
1396
+
1397
+ We're non-REM sleep.
1398
+
1399
+ Okay.
1400
+
1401
+ So you can do these control experiments that even without
1402
+
1403
+ any REM sleep, you are benefiting from having having non-REM
1404
+
1405
+ sleep.
1406
+
1407
+ Okay.
1408
+
1409
+ So what do you think is happening during this process?
1410
+
1411
+ What?
1412
+
1413
+ Why does this work?
1414
+
1415
+ So.
1416
+
1417
+ The brain is very complicated in lots of different areas.
1418
+
1419
+ We're going to focus on the neocortex, which is, you
1420
+
1421
+ know, the outside region, all your cortical areas for seeing
1422
+
1423
+ and hearing and touch and the hippocampus, which is in
1424
+
1425
+ your medial medial temporal lobe.
1426
+
1427
+ Okay.
1428
+
1429
+ Which is in blue over here.
1430
+
1431
+ So it's thought that during non-REM sleep or sorry, prior
1432
+
1433
+ to non-REM sleep, when you're awake, cortical activity is happening,
1434
+
1435
+ which is representing your whole world.
1436
+
1437
+ Right?
1438
+
1439
+ It's very much like if I stimulate part of part
1440
+
1441
+ of my visual cortex, I'll see a flash of light,
1442
+
1443
+ right?
1444
+
1445
+ It's not.
1446
+
1447
+ What is actually happening out there, is what my brain
1448
+
1449
+ is doing that gives me perception.
1450
+
1451
+ So all these signals in my brain that are giving
1452
+
1453
+ me my conscious experience are being transmitted to the hippocampus.
1454
+
1455
+ And the hippocampus is recording this.
1456
+
1457
+ Okay.
1458
+
1459
+ And when you go to sleep during non-REM sleep, the
1460
+
1461
+ hippocampus plays back all these memories.
1462
+
1463
+ The cortex, of course, is not as active.
1464
+
1465
+ It shouldn't be active at all from the outside world
1466
+
1467
+ because your eyes are shut and you're unconscious, but your
1468
+
1469
+ brain is actually still very active and your hippocampus talks
1470
+
1471
+ to you in your cortex and said, Hey, this is
1472
+
1473
+ what you do during the day.
1474
+
1475
+ Let's talk about it.
1476
+
1477
+ Okay.
1478
+
1479
+ And the analogy is that it's very much like your
1480
+
1481
+ computer.
1482
+
1483
+ You download content during the day when your computer is
1484
+
1485
+ on, you're working on it, and then you put your
1486
+
1487
+ computer in sleep mode and everything gets backed up to
1488
+
1489
+ the cloud.
1490
+
1491
+ Okay.
1492
+
1493
+ And you have these two modes.
1494
+
1495
+ When the computer is active and you're doing stuff, it's
1496
+
1497
+ going in one direction.
1498
+
1499
+ When your computer is in sleep mode, it can still
1500
+
1501
+ be active and can still do stuff when you don't
1502
+
1503
+ need the computer.
1504
+
1505
+ And it uses that opportunity to back up the data
1506
+
1507
+ if it did it while you're working at least, well,
1508
+
1509
+ maybe now computers are much faster.
1510
+
1511
+ But back in my day, it would slow things down,
1512
+
1513
+ right?
1514
+
1515
+ So it's better to have these two modes.
1516
+
1517
+ So what is the evidence that this is happening?
1518
+
1519
+ All of you know H.M.
1520
+
1521
+ I don't need to go through the story.
1522
+
1523
+ But he had his hippocampus removed to try to stop
1524
+
1525
+ the seizures.
1526
+
1527
+ And when I said the campus was removed, he suffered
1528
+
1529
+ from anterior grade and temporally graded retrograde amnesia for episodic
1530
+
1531
+ and semantic memory, which meant he couldn't form new memories,
1532
+
1533
+ and his old memories were partially affected.
1534
+
1535
+ The further back in time those memories were initially encoded,
1536
+
1537
+ the better his memory was, Which means the new experiences
1538
+
1539
+ require the hippocampus and hippocampal damage does not erase old
1540
+
1541
+ memories.
1542
+
1543
+ So if a computer example we just had.
1544
+
1545
+ If I take my computer.
1546
+
1547
+ Right.
1548
+
1549
+ And I don't know, it just blows the fuse.
1550
+
1551
+ Doesn't work anymore.
1552
+
1553
+ Okay.
1554
+
1555
+ Everything.
1556
+
1557
+ I backed up to the cloud I still have access
1558
+
1559
+ to that's still there.
1560
+
1561
+ I can't store new memories.
1562
+
1563
+ I can't download content.
1564
+
1565
+ I don't have a computer anymore, but I still have
1566
+
1567
+ access to the old memories.
1568
+
1569
+ And that's what we think the hippocampus is, is for.
1570
+
1571
+ Taking new memories and storing it somewhere else.
1572
+
1573
+ So the hippocampus is gone.
1574
+
1575
+ You just can't do it again.
1576
+
1577
+ You can't store new memories.
1578
+
1579
+ Okay.
1580
+
1581
+ Now, that's in humans.
1582
+
1583
+ What happens when we look at rats, right?
1584
+
1585
+ We can study neural signals in the brain.
1586
+
1587
+ These are experiments I do in my lab.
1588
+
1589
+ This video is not from my lab, but we record.
1590
+
1591
+ We put electrodes.
1592
+
1593
+ Many, many electrodes to record 5000 neurones at the same
1594
+
1595
+ time.
1596
+
1597
+ And when neurones, when you're listening to neurones, they act
1598
+
1599
+ very much like instruments in an orchestra.
1600
+
1601
+ They're all doing their thing.
1602
+
1603
+ And when they produce the melody together, it's very easy
1604
+
1605
+ to recognise they form patterns.
1606
+
1607
+ And the question is what are those patterns there they're
1608
+
1609
+ forming?
1610
+
1611
+ What do those patterns mean?
1612
+
1613
+ So.
1614
+
1615
+ Okay, so you can hear the sound.
1616
+
1617
+ Isn't the sounds of the spikes when you're recording.
1618
+
1619
+ What you're seeing is a colour code over here of
1620
+
1621
+ the different spikes.
1622
+
1623
+ Okay.
1624
+
1625
+ And what you find is that when the animals and
1626
+
1627
+ when a particular neurone is is responding, it likes a
1628
+
1629
+ particular region of the track, the animals running.
1630
+
1631
+ So I know I talked about the hippocampus as being
1632
+
1633
+ important for memory, and this will come full circle to
1634
+
1635
+ that.
1636
+
1637
+ But when you're recording in the Rat, it seems like
1638
+
1639
+ these neurones act like a GPS.
1640
+
1641
+ And so the neurones like one location, another neurone will
1642
+
1643
+ like a different location.
1644
+
1645
+ And as the animal is running, you have neurone A
1646
+
1647
+ and B and C and D firing.
1648
+
1649
+ Okay.
1650
+
1651
+ And I'll give you a little cartoon over here.
1652
+
1653
+ Here's animal running.
1654
+
1655
+ And you see the first cell fire, then the the
1656
+
1657
+ second, the third, the fourth.
1658
+
1659
+ And if you were listening to the brain and you
1660
+
1661
+ saw blue, green, red, orange, you say, are the animals
1662
+
1663
+ running along this track?
1664
+
1665
+ Hey, I know what the animal is doing.
1666
+
1667
+ But then the animal goes to sleep and you see
1668
+
1669
+ the same neurones fire in the same sequence.
1670
+
1671
+ This is a phenomena called replay.
1672
+
1673
+ It happens much faster, but it's in the same sequence.
1674
+
1675
+ And because this sequence is very unique to both the
1676
+
1677
+ track and animal's behaviour and can decode this and say,
1678
+
1679
+ we know the animal is thinking about the track and
1680
+
1681
+ its sleep.
1682
+
1683
+ I don't know if this is a dream.
1684
+
1685
+ You can't ask the animal what it's what's the conscious
1686
+
1687
+ experience.
1688
+
1689
+ Right.
1690
+
1691
+ But we can see these patterns are very unique.
1692
+
1693
+ They don't happen by chance very easily.
1694
+
1695
+ And this seems to reflect what has happened.
1696
+
1697
+ So just so you can hear how that sounds.
1698
+
1699
+ And remember, that replay event is 5 to 20 times
1700
+
1701
+ faster.
1702
+
1703
+ So it sounds like all the neurones are fired at
1704
+
1705
+ once.
1706
+
1707
+ We'll look at the video again.
1708
+
1709
+ You're going to see a neurone fire on the bottom,
1710
+
1711
+ in the middle, on the left side, on the track.
1712
+
1713
+ And when it gets to the corner all the way
1714
+
1715
+ on the left, one is rounding.
1716
+
1717
+ That's where the replay event will occur.
1718
+
1719
+ And I'll I'll tell you when that happens.
1720
+
1721
+ So.
1722
+
1723
+ So it's running the blue cell fires.
1724
+
1725
+ And another the science cell.
1726
+
1727
+ Another blue cell.
1728
+
1729
+ And here, that was a replay event.
1730
+
1731
+ Okay.
1732
+
1733
+ And if you saw the cell activity that we play,
1734
+
1735
+ there are actually cells active in front of the animal
1736
+
1737
+ where it's planning to go.
1738
+
1739
+ Okay.
1740
+
1741
+ Now.
1742
+
1743
+ So the animal is not asleep here.
1744
+
1745
+ Okay.
1746
+
1747
+ This happens when the animal's awake as well, when it's
1748
+
1749
+ sort of tuned out and not running.
1750
+
1751
+ You see these replay events, but when the animal goes
1752
+
1753
+ to sleep and you're listening to the brain, you hear,
1754
+
1755
+ Shh, shh, shh.
1756
+
1757
+ And these are all replay events.
1758
+
1759
+ Okay.
1760
+
1761
+ Yes.
1762
+
1763
+ Dear me while I was.
1764
+
1765
+ Is the replay as fast.
1766
+
1767
+ Yeah.
1768
+
1769
+ So when it's asleep and when it's awake.
1770
+
1771
+ There are probably differences in the replay, but we don't
1772
+
1773
+ really understand those differences.
1774
+
1775
+ But the speed is similar.
1776
+
1777
+ During REM sleep.
1778
+
1779
+ There's one study finding replay.
1780
+
1781
+ Okay.
1782
+
1783
+ And it's the same speed as the actual experience.
1784
+
1785
+ So maybe this is closer to what you have as
1786
+
1787
+ a as a as a dream.
1788
+
1789
+ The other thing is that during slow wave, sleep is
1790
+
1791
+ very fragmented.
1792
+
1793
+ So it's like part of the track boom animal replays.
1794
+
1795
+ And then one second later, another part of the track,
1796
+
1797
+ boom, there's replay.
1798
+
1799
+ Okay.
1800
+
1801
+ So it's not this.
1802
+
1803
+ Imagine a dream is you have this whole storyline that
1804
+
1805
+ doesn't seem to be happening here.
1806
+
1807
+ Maybe REM sleep does.
1808
+
1809
+ Okay.
1810
+
1811
+ So you have a behavioural episode.
1812
+
1813
+ Animals running along, you know, looking for food on the
1814
+
1815
+ track.
1816
+
1817
+ This is all getting encoded in your cortex.
1818
+
1819
+ It's getting sent to the hippocampus to store.
1820
+
1821
+ And then when the animal is not paying attention, you
1822
+
1823
+ know, sort of zoning out or sleeping.
1824
+
1825
+ We call these offline periods and there's a process of
1826
+
1827
+ memory consolidation where the hippocampus backs up this information, the
1828
+
1829
+ cortex.
1830
+
1831
+ And one reason for this is that the hippocampus learns
1832
+
1833
+ things quickly.
1834
+
1835
+ Okay.
1836
+
1837
+ And it has to decide what are the most important
1838
+
1839
+ things to store.
1840
+
1841
+ You can't store everything you experience in your brain.
1842
+
1843
+ The hippocampus has to make that choice.
1844
+
1845
+ So one thing we study in the lab is a
1846
+
1847
+ phenomena of memory triage.
1848
+
1849
+ Just.
1850
+
1851
+ Just like a Annie, right?
1852
+
1853
+ You can't help everyone.
1854
+
1855
+ You have to rank.
1856
+
1857
+ What are the most important cases to see first?
1858
+
1859
+ So what are the most important memories?
1860
+
1861
+ And during sleep, those get replayed.
1862
+
1863
+ So what happens if we disrupt replay so we can
1864
+
1865
+ do this by putting electrodes in the brain near the
1866
+
1867
+ anterior comissioner?
1868
+
1869
+ So the connection between the hippocampi and when we see
1870
+
1871
+ this high oscillation, which is called a sharp wave ripple
1872
+
1873
+ where replay events occur, we'd give a little pulse and
1874
+
1875
+ disrupts neural activity for 100 or 200 milliseconds in the
1876
+
1877
+ brain.
1878
+
1879
+ And if we time it right, we prevent replay events
1880
+
1881
+ from occurring.
1882
+
1883
+ Okay.
1884
+
1885
+ So we can train the animal on a memory task
1886
+
1887
+ involving different arms that are baited.
1888
+
1889
+ And when we disrupt replay, we find that the rate
1890
+
1891
+ of learning is slower in those animals.
1892
+
1893
+ They're still able to learn, but the rate is slower.
1894
+
1895
+ And you have to keep in mind that you're blocking
1896
+
1897
+ replay just for an hour after the task, and then
1898
+
1899
+ the animal can sleep in its own cage after that
1900
+
1901
+ normally.
1902
+
1903
+ So you're able to disrupt some, but it's not the
1904
+
1905
+ perfect experiment where you've blocked all replay that will ever
1906
+
1907
+ occur, you know, during the sleep session.
1908
+
1909
+ But this is already a hint that replay is important
1910
+
1911
+ for learning a memory.
1912
+
1913
+ So an experiment that I did a while back rather
1914
+
1915
+ than disruption, where you always wonder, maybe I have screwed
1916
+
1917
+ something up in the brain by shocking.
1918
+
1919
+ Can we do something that is positive?
1920
+
1921
+ And so where we improve behaviour or we can bias
1922
+
1923
+ activity towards certain memories.
1924
+
1925
+ So I train rats on a task where they had
1926
+
1927
+ to run to one side if they heard a high
1928
+
1929
+ frequency sound, like high notes on the piano, and they
1930
+
1931
+ ran to the other side or they heard lower frequency
1932
+
1933
+ sounds okay.
1934
+
1935
+ So they can do the task and it takes a
1936
+
1937
+ while.
1938
+
1939
+ Humans are a bit faster.
1940
+
1941
+ Rats can learn this in a week to two weeks,
1942
+
1943
+ but they learn.
1944
+
1945
+ Hey, I hear the sound around this.
1946
+
1947
+ I hear that sound runs the other side and they
1948
+
1949
+ go to sleep.
1950
+
1951
+ And what you would expect if you're recording brain activity
1952
+
1953
+ is you would see replay of running to the right
1954
+
1955
+ and replay of running to the left right.
1956
+
1957
+ These are relevant memories for the animal to learn.
1958
+
1959
+ It was getting a reward.
1960
+
1961
+ It has to figure out the task.
1962
+
1963
+ So you're going to see these replay events.
1964
+
1965
+ Now, the question is, if I play sounds associated with
1966
+
1967
+ the task, the sound telling the animal to the left,
1968
+
1969
+ the sound telling the animal to go right.
1970
+
1971
+ Does that affect the replay?
1972
+
1973
+ Right.
1974
+
1975
+ Just with the like, the old factory cue I showed
1976
+
1977
+ you before that influenced the memory.
1978
+
1979
+ So potentially, since the brain is still able to hear
1980
+
1981
+ sounds, maybe not in exactly the same way you still
1982
+
1983
+ hear sound when you're sleeping.
1984
+
1985
+ Maybe I can sort of tease the hippocampus to replay
1986
+
1987
+ what I wanted to replay.
1988
+
1989
+ And that's what I found, that you can you can
1990
+
1991
+ have a measure called the mean rate bias, which is
1992
+
1993
+ basically you have more activity for these neurones.
1994
+
1995
+ If the neurone likes running to the right.
1996
+
1997
+ Are those neurones more active for sound?
1998
+
1999
+ Are compared to sound.
2000
+
2001
+ The sound telling it to go right.
2002
+
2003
+ So the blue bar is higher, which means the neurones
2004
+
2005
+ are more than neurones unlike to run right respond in
2006
+
2007
+ animal runs.
2008
+
2009
+ Right are more active when you play sound.
2010
+
2011
+ Ah and the neurones that like going left are less
2012
+
2013
+ active when you play sound are.
2014
+
2015
+ So there seems to be a preference for what replays
2016
+
2017
+ when you play a sound.
2018
+
2019
+ And what's interesting is that this bias over here persists.
2020
+
2021
+ So you might think I play a sound.
2022
+
2023
+ I get a replay of just like that.
2024
+
2025
+ That's not what happens.
2026
+
2027
+ Okay.
2028
+
2029
+ You play the sound and you create a state in
2030
+
2031
+ the brain for almost 10 seconds where if a replay
2032
+
2033
+ event occurs, it is more likely to be in the
2034
+
2035
+ direction that is associated with that sound.
2036
+
2037
+ Okay.
2038
+
2039
+ So you're not causing more replay events.
2040
+
2041
+ You were just biasing what will happen when a replay
2042
+
2043
+ event occurs?
2044
+
2045
+ But as soon as you play another sound, the fact
2046
+
2047
+ goes away.
2048
+
2049
+ So it seems to be very, very intolerant to say
2050
+
2051
+ lots of different things you're doing.
2052
+
2053
+ Supplying a sound cue caused a greater reactivation of play
2054
+
2055
+ cells associated with that sound for more than 10 seconds,
2056
+
2057
+ which was the max tested.
2058
+
2059
+ So the summary so far is if you train the
2060
+
2061
+ animal to run left for.
2062
+
2063
+ A high pitched sound and run rate for a low
2064
+
2065
+ pitched sound.
2066
+
2067
+ Playing the high pitched sound will cause replays that left
2068
+
2069
+ at a low pitch Sound will cause replay to the
2070
+
2071
+ right.
2072
+
2073
+ If you do this in humans, humans, you don't have
2074
+
2075
+ to train them to run right or run less for
2076
+
2077
+ just two sounds.
2078
+
2079
+ You can do things that are more complicated so you
2080
+
2081
+ can have 50 objects.
2082
+
2083
+ Each object is the subject has to remember the location
2084
+
2085
+ the object should be.
2086
+
2087
+ So they're touching on the screen.
2088
+
2089
+ Oh, I see the cattle.
2090
+
2091
+ I need to press this part of the screen.
2092
+
2093
+ And each object is also paired with a sound.
2094
+
2095
+ Okay, so you have 50 pictures, sound pairings that the
2096
+
2097
+ subject has to remember and during a nap.
2098
+
2099
+ So that's only slow wave sleep.
2100
+
2101
+ They present half the sounds to the subjects while they're
2102
+
2103
+ sleeping.
2104
+
2105
+ Okay, So the sounds they present are called the cued
2106
+
2107
+ stimuli and the unseen stimuli are they still have a
2108
+
2109
+ sound, right?
2110
+
2111
+ But those sounds were not played.
2112
+
2113
+ Then they test the subjects with acute versus on cued.
2114
+
2115
+ Okay.
2116
+
2117
+ Importantly, they do not present the sound in the test.
2118
+
2119
+ It's only the visual objects and the person has to
2120
+
2121
+ remember the location.
2122
+
2123
+ And when they do this they see there is less
2124
+
2125
+ errors in the cued sound.
2126
+
2127
+ So there is learning, there is an improvement in the
2128
+
2129
+ cued versus on cued.
2130
+
2131
+ So presenting a sound during sleep from the right literature
2132
+
2133
+ suggest that we can actually bias what is replaying in
2134
+
2135
+ the brain.
2136
+
2137
+ And then on top of that, in humans, if you
2138
+
2139
+ have presumably more replay of one memory, you have a
2140
+
2141
+ better memory than if you're replaying it less.
2142
+
2143
+ Okay.
2144
+
2145
+ So.
2146
+
2147
+ What's the take home message when you study?
2148
+
2149
+ Maybe you should have some sounds in the background.
2150
+
2151
+ I don't know how robust this is for normal sleep
2152
+
2153
+ conditions outside the lab, but if you have test specific
2154
+
2155
+ sounds, not music per se, but test specific sounds so
2156
+
2157
+ like you have a word you have to remember for,
2158
+
2159
+ you know, anatomy.
2160
+
2161
+ And then you say, okay, every time I'm thinking about
2162
+
2163
+ this word, I'm going to hear the sound that if
2164
+
2165
+ you present that sound when you're sleeping, you'll probably remember
2166
+
2167
+ the word pairing better.
2168
+
2169
+ And so if yes, if you present those sounds while
2170
+
2171
+ you're sleeping, you should have a better test performance than
2172
+
2173
+ if you just sleep on it on your own.
2174
+
2175
+ Now, even more important, if you don't sleep, your performance
2176
+
2177
+ will definitely be worse.
2178
+
2179
+ Okay.
2180
+
2181
+ If there is one take home message, you need to
2182
+
2183
+ sleep.
2184
+
2185
+ And.
2186
+
2187
+ This.
2188
+
2189
+ This leads us to evidence that more replay leads to
2190
+
2191
+ better memories.
2192
+
2193
+ This phenomenon of replay, and that's something that we study
2194
+
2195
+ in the lab now of how do you manipulate the
2196
+
2197
+ amount of replay in a rats or mouse?
2198
+
2199
+ And how does this change the performance of the animal?
2200
+
2201
+ Okay.
2202
+
2203
+ So thanks for your attention.
2204
+
2205
+ I have time for a few questions, but.
raw_transcripts/lecture_18.txt ADDED
@@ -0,0 +1,2267 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Earlier in the week.
2
+
3
+ And now we'll move on to there's two lectures today
4
+
5
+ on mental disorders.
6
+
7
+ Next week, neurological disorders.
8
+
9
+ And then we'll wrap up with the prefrontal cortex.
10
+
11
+ Just a reminder, two things.
12
+
13
+ Keep up looking at the neuroanatomy.
14
+
15
+ It's quite intensive learning about your anatomy.
16
+
17
+ So keep doing that training as you go through the
18
+
19
+ degree module.
20
+
21
+ And also, please do fill in the have your Say
22
+
23
+ documents where you can return feedback on the course.
24
+
25
+ We've had all sorts of interesting issues with the the
26
+
27
+ videos and lecture cast that we're getting.
28
+
29
+ They're getting That's good advice, good feedback from my side.
30
+
31
+ So I'll make a start.
32
+
33
+ In today's lecture on mental disorders, I'm going to cover
34
+
35
+ a number of topics.
36
+
37
+ I'll just change the lights to a little darker, particularly
38
+
39
+ helpful.
40
+
41
+ And that's because, you know, maybe a bit better.
42
+
43
+ Okay, so I'm going to cover the following things.
44
+
45
+ There's a huge range of disorders to do with the
46
+
47
+ mind.
48
+
49
+ These are inner regarding these are these are conditions that
50
+
51
+ are not got a clear individual neurological cause this lecture.
52
+
53
+ So next week you hear about neurological disorders where you
54
+
55
+ can see disruptions, clear disruptions in the brain, circuits giving
56
+
57
+ rise to it.
58
+
59
+ There are disruptions in the brain and the disorder results
60
+
61
+ I could talk about today.
62
+
63
+ But they're not focal.
64
+
65
+ They don't part of a particular circuit.
66
+
67
+ So there are vast range of disorders that come under
68
+
69
+ mental disorders.
70
+
71
+ We're going to focus on two in today's lecture.
72
+
73
+ Post-Traumatic stress disorder and schizophrenia.
74
+
75
+ That is because there's a lot of research on these
76
+
77
+ topics in the talk in the domain of brain behaviour.
78
+
79
+ So if you want to look at how strange behaviour
80
+
81
+ operates and you're interested in what can go wrong with
82
+
83
+ the brain, these two studies, we're going to look at
84
+
85
+ the behaviour and the cognitive phenomenon associated with these conditions.
86
+
87
+ We'll talk about current thinking in the field around these
88
+
89
+ disorders, about the neural basis.
90
+
91
+ And we'll start with post-traumatic stress disorder.
92
+
93
+ Now, if we were sitting in this lecture theatre in
94
+
95
+ the blizzard bullets whizzing around and there's a gunfight going
96
+
97
+ on, you would quite rightly be stressed and you could
98
+
99
+ be extremely stressed because your life is in threat and
100
+
101
+ you should rightly be stressed.
102
+
103
+ It would be good if your body has got a
104
+
105
+ high level of adrenaline.
106
+
107
+ If you go back to the electrons stress, you have
108
+
109
+ that continued response, your heart rate.
110
+
111
+ So you're able to escape the gunfight.
112
+
113
+ That is a stress response.
114
+
115
+ The key word in the disorder here is the stress
116
+
117
+ disorder.
118
+
119
+ A disorder related to that is the post traumatic nature
120
+
121
+ of it.
122
+
123
+ So if you've got a high heart rate, you're worried
124
+
125
+ about bullets whizzing around, but you're actually just sitting a
126
+
127
+ calm lake, having a cup of coffee, relaxing and your
128
+
129
+ heart rates up, your worry, you are extremely stressed by
130
+
131
+ that.
132
+
133
+ Is this post-traumatic stress disorder an example of that process?
134
+
135
+ So according to the main manual on disorders, DSM five,
136
+
137
+ they they describe post-traumatic stress disorder as caused by a
138
+
139
+ situation which of which is which a person witnesses experiences
140
+
141
+ is confronted by threat, actual or perceived that could do
142
+
143
+ serious injury or cause death to the person or threat
144
+
145
+ to the physical integrity of the self or other.
146
+
147
+ So basically, your thoughts that you're going to die or
148
+
149
+ someone very close to you was going to die, but
150
+
151
+ you could you could see or you're going to die,
152
+
153
+ or you might see your child is going to die
154
+
155
+ or your parents could somebody extremely close to you would
156
+
157
+ come under this category.
158
+
159
+ So it then provokes the response described as an intense
160
+
161
+ fear, helplessness and horror is what the technical type that
162
+
163
+ describes post-traumatic stress disorder as.
164
+
165
+ This is very serious.
166
+
167
+ It can't just be you had a bad day.
168
+
169
+ It was pretty bad.
170
+
171
+ And it has to be something really intense.
172
+
173
+ The symptoms of the current post-traumatic stress disorder, the recurrent
174
+
175
+ dreams, recollections of the event or events is often a
176
+
177
+ sequence of events that can cause these things, but it
178
+
179
+ can be a single event and the feelings that accompany
180
+
181
+ the trauma or traumatic event.
182
+
183
+ And in particular there are flashbacks that occur and these
184
+
185
+ for this to come under the disorder, these have to
186
+
187
+ cause intense psychological distress.
188
+
189
+ So if you experience like so you go to a
190
+
191
+ party, you say some really stupid things and you keep
192
+
193
+ going back to that and you can get these.
194
+
195
+ What happens to me?
196
+
197
+ I recall some stupid thing I said, I'm not I'm
198
+
199
+ not planning to recall it.
200
+
201
+ It just flashes into my head and it is distressing,
202
+
203
+ but it's not intense and it isn't recurring.
204
+
205
+ And I'm not like stuck in the moment, can't escape
206
+
207
+ and thinking about my horrible party.
208
+
209
+ It's it's I can escape that for people who have
210
+
211
+ post-traumatic stress disorder, they're sucked up into a world inside
212
+
213
+ their head of these intense psychological distressing feelings And these
214
+
215
+ flashbacks And these dreams, recollections of flashbacks can lead to
216
+
217
+ the person trying to avoid thinking.
218
+
219
+ Or talking about re-engaging with these events.
220
+
221
+ And this was not the results of diminished interest in
222
+
223
+ social activities.
224
+
225
+ And I don't want to go out typically as much.
226
+
227
+ They feel detached from other people as they suppress their
228
+
229
+ emotions because they're trying not to break down.
230
+
231
+ And this leads to this feeling that the world is
232
+
233
+ bleak and empty, unfortunately.
234
+
235
+ So really a brilliant bad disorder to have.
236
+
237
+ Now, the symptoms that go with this include this difficulty
238
+
239
+ falling asleep, irritability, outbursts, anger, difficulty keeping, concentration on things
240
+
241
+ and heightened reactions to things in the world.
242
+
243
+ So the classic example, one of the things we'll see
244
+
245
+ in some of the studies is, is war.
246
+
247
+ So you might say not to be a soldier.
248
+
249
+ You're sent off to fight in a war.
250
+
251
+ You're constantly surrounded by gunfire.
252
+
253
+ The friends get shot.
254
+
255
+ You get shot.
256
+
257
+ It's your life is in danger.
258
+
259
+ And your friends have been killed.
260
+
261
+ After that, you then associate these soldiers, some of them
262
+
263
+ a small number of associate the sound short bang noises
264
+
265
+ with threat to their lives.
266
+
267
+ And so it could just be a cost of putting
268
+
269
+ up someone, putting a cup down too heavy on a
270
+
271
+ table.
272
+
273
+ These can just set off this stress response in these
274
+
275
+ individuals that have post-traumatic stress disorder, PTSD, as this description
276
+
277
+ indicates, it really does need to have to had mental
278
+
279
+ health functioning so that they're not keeping themselves in good,
280
+
281
+ well, mental states, but they also have poor physical state.
282
+
283
+ If you're not sleeping very well, then if you've experienced
284
+
285
+ that prolonged lack of sleep through stress or whatever else
286
+
287
+ can cause that noisy neighbours, you end up feeling rundown,
288
+
289
+ your immune system lowers.
290
+
291
+ These are all things that happen.
292
+
293
+ But one of the factors we start to go into
294
+
295
+ this beyond the symptoms is that men on average are
296
+
297
+ exposed to more stressful events.
298
+
299
+ There's more at least currently these things are changing.
300
+
301
+ There are more men in the military movement.
302
+
303
+ It's now up to police officers, fire workers, etc..
304
+
305
+ And so they tend to be exposed.
306
+
307
+ But for some reason, women tend to generate end up
308
+
309
+ generating more cases of PTSD than men.
310
+
311
+ They may and it's difficult to say there's a paper
312
+
313
+ on this, but it may be the way women on
314
+
315
+ average.
316
+
317
+ This is a really important thing about gender differences, about
318
+
319
+ the way perceptions of threat occur.
320
+
321
+ And there are things that one of the one of
322
+
323
+ the common things that can cause PTSD is childbirth, which,
324
+
325
+ of course, is a female specific thing.
326
+
327
+ So the gender of women who are going to have
328
+
329
+ babies is very stressful events and it can cause lots
330
+
331
+ of threat to your life and the baby you're trying
332
+
333
+ to give birth to.
334
+
335
+ So the evidence from the research suggests using twin studies.
336
+
337
+ If they look at twins and non twins, they can
338
+
339
+ see that if one child in a twin identical twins
340
+
341
+ experiences PTSD, two events is very likely, the other one
342
+
343
+ will.
344
+
345
+ Also, it's not very late is a higher likelihood.
346
+
347
+ The other twin also reacts with PTSD to traumatic events.
348
+
349
+ So they've shown that there are some genetic susceptibilities towards
350
+
351
+ PTSD.
352
+
353
+ This is not surprising, and I think you should take
354
+
355
+ this as true of almost every behaviour you express that
356
+
357
+ there's likely to be some genetic loading that leads to
358
+
359
+ it.
360
+
361
+ And you know, the your body is built by genetics,
362
+
363
+ but the environment influences the last couple of aspects of
364
+
365
+ you.
366
+
367
+ And PTSD is one of those things, you know, they
368
+
369
+ influence not just the likelihood that someone will develop PTSD,
370
+
371
+ but their exposure.
372
+
373
+ So this comes under there will be just certain genetic
374
+
375
+ factors that make some people take more risks than others.
376
+
377
+ I haven't chosen to go into the military.
378
+
379
+ It's a bit too risky for me and it's not
380
+
381
+ something I want to do.
382
+
383
+ But for other people, the idea of being in a
384
+
385
+ war zone is an attractive life possibility.
386
+
387
+ And that puts them at greater risk.
388
+
389
+ There is definitely there's a number of criteria.
390
+
391
+ People have worked over lots of research over the years
392
+
393
+ about what can cause PTSD.
394
+
395
+ So getting a traumatic event earlier in life, for example,
396
+
397
+ suffering, being early in life is more likely to lead
398
+
399
+ to PTSD than suffering abuse later in life.
400
+
401
+ Exposure to repeated events like that, that's going to lead
402
+
403
+ to more likelihood of PTSD.
404
+
405
+ And we'll come to a dramatic example of that.
406
+
407
+ Suddenly having a depressive father has been found to be
408
+
409
+ a risk factor.
410
+
411
+ Is it clear from that one of those bits of
412
+
413
+ data where depressive mothers don't have such an impact, depressive
414
+
415
+ fathers do?
416
+
417
+ That could well be that the data that's available increases
418
+
419
+ in education allow you to be less likely to have
420
+
421
+ PTSD, if you will, low level of education.
422
+
423
+ So doing a degree and doing a degree still is
424
+
425
+ somewhat protective of reducing your PTSD risk.
426
+
427
+ It seems to have social support.
428
+
429
+ This goes back to lecture on stress.
430
+
431
+ You remember the mothers who were licking their pups and
432
+
433
+ taking care of them better and having a social access
434
+
435
+ to other animals.
436
+
437
+ We see this in humans as well, and surprisingly, the
438
+
439
+ people who don't have to get social support are more
440
+
441
+ likely to develop these topics.
442
+
443
+ It also, unsurprisingly, does not help if you have generalised
444
+
445
+ anxiety disorder, panic disorder or depressive disorders.
446
+
447
+ These are other mental health conditions that put you at
448
+
449
+ greater risk if you experience a traumatic event.
450
+
451
+ So few studies have identified specific genes that are possible
452
+
453
+ risk factors.
454
+
455
+ Unsurprisingly, these things go back to the lecture on stress
456
+
457
+ and reinforcement.
458
+
459
+ You can see that the serotonin receptors and the dopamine
460
+
461
+ receptors a really key important features for that association.
462
+
463
+ So if you for example, one classic example of a
464
+
465
+ study on PTSD was a ship went down or boats
466
+
467
+ in the River Thames, a number of people died in
468
+
469
+ the incident.
470
+
471
+ Several people survived that.
472
+
473
+ They felt they had post-traumatic stress disorder.
474
+
475
+ Watching people drown in front of them now that that
476
+
477
+ exposure to that, the person has to band together, that
478
+
479
+ experience of seeing that person's hands slip out of their
480
+
481
+ ears and drown in the water.
482
+
483
+ Now, their dopamine system and the serotonin system are an
484
+
485
+ important regulation of the processes in which they can bind
486
+
487
+ that information to their memory.
488
+
489
+ So what the research has shown is that genetic genetic
490
+
491
+ dispositions come from those circuits.
492
+
493
+ And as you noted, it's not just if you have
494
+
495
+ the right genes, you'll get PTSD.
496
+
497
+ It's utterly the environment that will influence that.
498
+
499
+ Now, this is a dramatic example from 2010.
500
+
501
+ So 12 years ago, some impressive researchers, Calasso and colleagues
502
+
503
+ studied survivors of the Rwandan genocide.
504
+
505
+ This was a really awful genocide where one group, one,
506
+
507
+ one and one particular cultural grouping of people in Rwanda
508
+
509
+ massacred another group of individuals in the exclusion of Hutus.
510
+
511
+ Unfortunately, what that team were able to do is look
512
+
513
+ at the survivors who survived these events.
514
+
515
+ And what made it actually dramatic was that they were
516
+
517
+ hacking people to death with machetes so that people were
518
+
519
+ seeing loved ones killed, but also by their neighbours.
520
+
521
+ So all of these things made it extra traumatic.
522
+
523
+ And this graph they developed from the data.
524
+
525
+ So this is of Carlson and Birkin's book, which you
526
+
527
+ can as one of the core textbooks here.
528
+
529
+ So what you have on the y axis is the
530
+
531
+ frequency of PTSD.
532
+
533
+ And on the x axis is the number of traumatic
534
+
535
+ events people experience.
536
+
537
+ So we'll have a group of people down here who
538
+
539
+ experience no traumatic events, and they had no PTSD, no
540
+
541
+ surprise whatsoever.
542
+
543
+ And then you can have people who experience maybe one
544
+
545
+ event but have no PTSD.
546
+
547
+ But then you have a group of experience, three events.
548
+
549
+ And for people, it's been three events.
550
+
551
+ They found there's a kind of 35% who have PTSD
552
+
553
+ and higher than none.
554
+
555
+ The increase in the number of traumatic events they experienced
556
+
557
+ this could be seeing their family members hacked to death
558
+
559
+ or seeing people burned or were shot all sorts of
560
+
561
+ ways in which horrific events occurred in that incident.
562
+
563
+ As you go up to over 20 events, there wasn't
564
+
565
+ a single person after 20 events who didn't have PTSD
566
+
567
+ from observing these.
568
+
569
+ So what this graph is showing us is that the
570
+
571
+ more events, the one experience is, the higher probability you
572
+
573
+ will develop PTSD.
574
+
575
+ There's pretty clear evidence.
576
+
577
+ It can be one shot.
578
+
579
+ It doesn't show in this graph.
580
+
581
+ But like I said, if you were to lose your
582
+
583
+ partner or your parent and they slip out of your
584
+
585
+ hands in a boat disaster, you would feel this intense
586
+
587
+ guilt and that that could be a factor driving over.
588
+
589
+ But on average, this graph tells us that story.
590
+
591
+ Now, this is this is a redrawing of a diagram
592
+
593
+ you saw in the stress lecture.
594
+
595
+ You remember that we talked about this pathway, the D
596
+
597
+ axis and the hippocampus is critical for stress.
598
+
599
+ So what people have done, and I mentioned in that
600
+
601
+ stress fracture, we're coming back to that, the work that
602
+
603
+ was done to look at using MRI, genetic resonance imaging.
604
+
605
+ And you heard the lectures earlier in the course and
606
+
607
+ how this worked.
608
+
609
+ And they were able to look at combat related so
610
+
611
+ back into the war, post-traumatic stress disorder.
612
+
613
+ So veterans who had been at war come back, have
614
+
615
+ their brains measured.
616
+
617
+ Those veterans who had PTSD compared to veterans who didn't
618
+
619
+ tended to have a smaller hippocampus.
620
+
621
+ And they described that as hippocampal damage to something smaller
622
+
623
+ in their head.
624
+
625
+ The campus.
626
+
627
+ And in fact, one study found that that was reduced
628
+
629
+ by 20%.
630
+
631
+ And critically, the evidence they provided wasn't just that, oh,
632
+
633
+ they have a smaller hippocampus, but more exposure to combat
634
+
635
+ as a veterans.
636
+
637
+ So the more that person had experienced combat in Iraq
638
+
639
+ war in this case, I think it was or maybe
640
+
641
+ it was either the Vietnam War with Iraq war.
642
+
643
+ It's an American study.
644
+
645
+ The more the smaller their hippocampus would end up.
646
+
647
+ And that goes back to the stress lecture.
648
+
649
+ We talked about work with primates where we could look
650
+
651
+ at studying macaque monkeys or rats.
652
+
653
+ How you do stress experimentally, it can damage the hippocampus.
654
+
655
+ So we see that occurring in post-traumatic stress disorder.
656
+
657
+ And another study listed here that police officers also went
658
+
659
+ on to or did not go on to have PTSD.
660
+
661
+ So, again, this is all building a picture that PTSD
662
+
663
+ will tend to lead to a smaller effect.
664
+
665
+ Campus in 2002 was a very interesting study published in
666
+
667
+ Nature Neuroscience by Gilbert Stephens studies, who argue that at
668
+
669
+ least part of the reduction may pre-date the exposure to
670
+
671
+ the stress.
672
+
673
+ And I mentioned before that certain genetic factors will predispose
674
+
675
+ you to go into risky situations more than others, and
676
+
677
+ that will lead you to potentially end up with PTSD
678
+
679
+ more than others.
680
+
681
+ What they found remarkably was that the smaller hippocampus may
682
+
683
+ be a previous predisposing factor for the acquisition.
684
+
685
+ So what they did, and this is just an incredible
686
+
687
+ study they've managed to track down.
688
+
689
+ I don't know how they did this because it's very
690
+
691
+ difficult for two pairs of identical twins once they got
692
+
693
+ it.
694
+
695
+ Twins were only one of the two went to the
696
+
697
+ Vietnam War and the other one did not.
698
+
699
+ They were able to scan those and almost half of
700
+
701
+ the men just let you take a group of 40
702
+
703
+ people.
704
+
705
+ Half of these men went on to get PTSD and
706
+
707
+ half didn't get full.
708
+
709
+ You have three groups that people who didn't or the
710
+
711
+ people who didn't get PTSD, people who went and people
712
+
713
+ to people who went and got PTSD, people who didn't
714
+
715
+ get PTSD, and the twins who stayed at home.
716
+
717
+ So the people who had been exposed to the trauma
718
+
719
+ developed PTSD.
720
+
721
+ Unsurprisingly, as more have the combine than the people who
722
+
723
+ did not develop PTSD in that twin group matching the
724
+
725
+ past studies.
726
+
727
+ But and indeed, the smaller the hippocampus, the more severe
728
+
729
+ the PTSD providing that link.
730
+
731
+ But the really surprising thing was that the brothers, the
732
+
733
+ Monozygotic twins, didn't go and also had a smaller hippocampus,
734
+
735
+ which is really weird is this By at a distance,
736
+
737
+ the hippocampus have been shrunk by news that that brother
738
+
739
+ had gone through war.
740
+
741
+ That is not what what the scientists argued.
742
+
743
+ Rather, they argued that maybe having a smaller hippocampus gives
744
+
745
+ you less capability to deal with the stressful situation.
746
+
747
+ It's not harming you as well, and you are more
748
+
749
+ likely to go on.
750
+
751
+ This is all about likelihoods, not about this is not
752
+
753
+ a deterministic.
754
+
755
+ If you have a small hippocampus, you will get this.
756
+
757
+ Not at all.
758
+
759
+ It's more like a predisposition.
760
+
761
+ So what you have from this story is really the
762
+
763
+ case that the hippocampus in your brain that you process
764
+
765
+ in your life of development for you through your genetics
766
+
767
+ and your exposure.
768
+
769
+ Growing up grows in a certain size.
770
+
771
+ It will it will not cause you to be at
772
+
773
+ risk of PTSD.
774
+
775
+ If you do suffer PTSD, it will have a knock
776
+
777
+ on effect and actually also reduce the size.
778
+
779
+ So there's multiple factors at play there.
780
+
781
+ So that's the key story.
782
+
783
+ Comments in literature.
784
+
785
+ But let's turn to another key brain area in Sam
786
+
787
+ Solomon's lecture on emotions.
788
+
789
+ You've heard all about the amygdala and it being critical
790
+
791
+ for fear.
792
+
793
+ And what I've described at the beginning of this is
794
+
795
+ somebody sitting by a lake and feeling about bullets whizzing
796
+
797
+ around and they're having a really threatened fear.
798
+
799
+ They're in fear, but there's nothing actually happening.
800
+
801
+ So the several studies have found that the amygdala well,
802
+
803
+ is is is is showing these when these when they
804
+
805
+ look at people lying in a scanner and they look
806
+
807
+ at how they're reacting to stimuli, food reacting to to
808
+
809
+ the to the for their symptoms, they can see increased
810
+
811
+ activity and the link to that.
812
+
813
+ They've also looked into the prefrontal cortex, as you'll hear
814
+
815
+ next week is a is a brain area critical for
816
+
817
+ regulating our behaviour.
818
+
819
+ We heard early in the course of the lecture one
820
+
821
+ of us and this gauge who couldn't regulate his behaviour
822
+
823
+ after Paul was blowing through the front of his head.
824
+
825
+ So there's a, there's a clear long history going back
826
+
827
+ to early 1900 on the role of the PTSD in
828
+
829
+ regulating this.
830
+
831
+ Clearly sitting at a lake and worrying about bullets flying
832
+
833
+ around, whether or not there is a failure to regulate
834
+
835
+ your your emotion.
836
+
837
+ And so what's argued by colleagues Ralston and Phelps in
838
+
839
+ the key paper is that the people who've developed PTSD
840
+
841
+ are lacking that that that controls in their prefrontal cortex
842
+
843
+ to their amygdala.
844
+
845
+ They're unable to dampen down the responses in the amygdala.
846
+
847
+ It's a bit like if you experienced some stressful event
848
+
849
+ and you could keep ruminating over it and keep thinking
850
+
851
+ about it and your heart rate will keep going up.
852
+
853
+ Or you can sit and rationally think, that wasn't that
854
+
855
+ bad.
856
+
857
+ It's okay, I'm still here.
858
+
859
+ Things are going to be alright.
860
+
861
+ You talk to your friends and you're not worrying about
862
+
863
+ it.
864
+
865
+ Why are you worrying about this?
866
+
867
+ And you have that whole dialogue that is your prefrontal
868
+
869
+ cortex at work working to lower your your stress response
870
+
871
+ to make it look So that's wrong.
872
+
873
+ And me giving a narrative about you talking to your
874
+
875
+ friends.
876
+
877
+ What we're showing now is data from a key imaging
878
+
879
+ study by this team and colleagues, which is that this
880
+
881
+ helps that.
882
+
883
+ So this helps as a key researcher in this area
884
+
885
+ and in the US.
886
+
887
+ So what they did was take this is a graph,
888
+
889
+ here's the on the y axis going up and down
890
+
891
+ is the amount of estimate reactivation.
892
+
893
+ So if you have a high response, it means this
894
+
895
+ area is highly active.
896
+
897
+ Here at point eight or zero, there's no activity.
898
+
899
+ And compared to baseline, I'm going can look at the
900
+
901
+ data from just two areas and I'm going to show
902
+
903
+ you the whole break.
904
+
905
+ We're just going to average the activity in either the
906
+
907
+ amygdala or we're going to average activity in the medial
908
+
909
+ prefrontal cortex.
910
+
911
+ These two areas have been talking about and what they
912
+
913
+ did in this study was just to show people with
914
+
915
+ PTSD or not PTSD lying in this scanner, these two
916
+
917
+ groups faces happy faces or fearful faces.
918
+
919
+ And what they found was that the amygdala in people
920
+
921
+ with PTSD shows a much higher reactivity.
922
+
923
+ It's more reactive to faces in general, but the favourable
924
+
925
+ faces are driving more activity in these people, whereas in
926
+
927
+ fact the fearful faces drive less frontal activity compared to
928
+
929
+ control participants.
930
+
931
+ Just is sort of crossover.
932
+
933
+ This is real data, so it's not as neat as
934
+
935
+ you would want from an absolute textbook story here.
936
+
937
+ It's like why is there no response in controls and
938
+
939
+ why do they switch?
940
+
941
+ There's not a good explanation for these exact patterns.
942
+
943
+ The key conclusion, the expansion in colleagues and then has
944
+
945
+ been following through the field is that with PTSD there's
946
+
947
+ an increased response of reactivity in the amygdala driving reactions
948
+
949
+ and less less exerting control from the free prefrontal cortex
950
+
951
+ in PTSD to dampen that.
952
+
953
+ So why?
954
+
955
+ What's going on?
956
+
957
+ That's okay.
958
+
959
+ That's that's two brain areas.
960
+
961
+ Things that in very simple, if you go back to
962
+
963
+ 2001, AI central theory was put forward by Chris Bruin
964
+
965
+ at UCLA that has really dominated this article and the
966
+
967
+ one following it had 4000 citations.
968
+
969
+ It's a really, really influential idea to bring that forward.
970
+
971
+ So Chris Bruin is the I was thinking about why
972
+
973
+ is that?
974
+
975
+ What is going on when people have flashbacks or not
976
+
977
+ flashbacks?
978
+
979
+ And he argued back in 2001 that a lot of
980
+
981
+ what we do but I just described earlier talking to
982
+
983
+ a friend of mine, a stressful experience is that you
984
+
985
+ might go back into it and think about that memory.
986
+
987
+ It'll be some cue.
988
+
989
+ It could be a picture from the party, or often
990
+
991
+ he describes it as verbal.
992
+
993
+ You might talk about it, talk about something and the
994
+
995
+ cue of the party, the embarrassing party then drives recall
996
+
997
+ going, Oh yeah, I remember the party.
998
+
999
+ You were there.
1000
+
1001
+ It was really embarrassing.
1002
+
1003
+ That's happened.
1004
+
1005
+ What he describes at the bottom here is that sensory
1006
+
1007
+ input going into your brain is this cue party.
1008
+
1009
+ Last week's party course is a complete recall.
1010
+
1011
+ See, it happens.
1012
+
1013
+ All of the memory is verbal access, memory systems, standard
1014
+
1015
+ operating system in your brain.
1016
+
1017
+ And you don't really get there because you remember the
1018
+
1019
+ party.
1020
+
1021
+ It's all contextualised.
1022
+
1023
+ You know who was there.
1024
+
1025
+ You can recall it.
1026
+
1027
+ There's also at the same time, the sensory access memory.
1028
+
1029
+ You get the sensory information about who was standing where,
1030
+
1031
+ what the colour of the party was, and was it
1032
+
1033
+ what was going on in the party visually in your
1034
+
1035
+ mind's eye.
1036
+
1037
+ But that's what he argued was the typical kind of
1038
+
1039
+ you don't really you can inhibit the fear system in
1040
+
1041
+ that sense.
1042
+
1043
+ Why argue that the flashbacks occur when you can't?
1044
+
1045
+ The participants get a sensory input and this pathways weakens.
1046
+
1047
+ They're not able to recall the the memories through a
1048
+
1049
+ verbal description is not sufficiently and there's a strengthening of
1050
+
1051
+ the pathway through the sensory access memory.
1052
+
1053
+ And so, for example, people who have road traffic accidents
1054
+
1055
+ is another classic PTSD that nearly died.
1056
+
1057
+ They had an awful crash.
1058
+
1059
+ They had maybe all their limbs are broken.
1060
+
1061
+ They're in hospital for months that whenever they smell petrol,
1062
+
1063
+ it causes a flashback to that horrific crash.
1064
+
1065
+ And in that scenario, this flashback is the smell of
1066
+
1067
+ petrol driving this memory and activating the fear system.
1068
+
1069
+ And that was a theory put forward in in 2001.
1070
+
1071
+ It was then updated is when he collaborated with new
1072
+
1073
+ versions that use the two other colleagues in again, a
1074
+
1075
+ very influential psychological review article where they essentially invited a
1076
+
1077
+ lot more boxes to the is one of the first
1078
+
1079
+ things to say anything that more boxes they've now added
1080
+
1081
+ a lot of brain areas to to sketch out what
1082
+
1083
+ exactly is this mean in terms of the brain and
1084
+
1085
+ the replaced the idea of the sound system, the verbal
1086
+
1087
+ and non-verbal systems with the idea that some memories you
1088
+
1089
+ have contextual memory.
1090
+
1091
+ So the context is a broad word, but if I
1092
+
1093
+ say to me the past and you say, Yes, I
1094
+
1095
+ know that was a policy, or you might say for
1096
+
1097
+ the party, yeah, you was there was in my friend's
1098
+
1099
+ house and we had drinks and there was the, there
1100
+
1101
+ was a big noise and everyone had to leave.
1102
+
1103
+ And that's contextual memory.
1104
+
1105
+ You remember the house, you remember who was there.
1106
+
1107
+ It's not, you know, these are all the details that
1108
+
1109
+ can be drawn up from the contextual representations and sensory
1110
+
1111
+ representations.
1112
+
1113
+ It's what was the colour in the party, what was
1114
+
1115
+ the drink, what was the if you had a juice?
1116
+
1117
+ What was the colour of the juice you were drinking
1118
+
1119
+ at the party?
1120
+
1121
+ What was the smell in the party line?
1122
+
1123
+ All these sensory experiences would be processed by your brain.
1124
+
1125
+ So what the idea, if we start at the top
1126
+
1127
+ here, is that in normal recall remembering that party, you
1128
+
1129
+ have this top down.
1130
+
1131
+ If you start in the right, that prefrontal cortex is
1132
+
1133
+ processing the verbal information or the pictures or whatever it
1134
+
1135
+ is, it reaches your prefrontal cortex to allocate the decision
1136
+
1137
+ that you're going to go in and recall this party.
1138
+
1139
+ And you then you can see there are three arrows
1140
+
1141
+ coming out.
1142
+
1143
+ You start to derive a whole range of brain areas
1144
+
1145
+ critically, including the hippocampus.
1146
+
1147
+ So if you don't have that hippocampus module in there,
1148
+
1149
+ it's been caused by surgical removal bank slices for whatever
1150
+
1151
+ would come up under the amnesia lecture recovery, you won't
1152
+
1153
+ be able to complete the circuit and retrieve the memory.
1154
+
1155
+ It will be incomplete.
1156
+
1157
+ But there's a range of areas you don't need to
1158
+
1159
+ worry about the full detail in this, in this circuit.
1160
+
1161
+ But the core idea is that you can at the
1162
+
1163
+ end of that, you get this visual imagery, you can
1164
+
1165
+ you can see in your mind's eye or you can
1166
+
1167
+ describe that some people don't pick on imagery.
1168
+
1169
+ They can describe what was happening at the party.
1170
+
1171
+ But there's also a pathway down here that's, you know,
1172
+
1173
+ that can be activated.
1174
+
1175
+ This to do with the sensory features of the past
1176
+
1177
+ involving the amygdala.
1178
+
1179
+ Was it a positive party?
1180
+
1181
+ How did it feel?
1182
+
1183
+ The intercepted parts of the interception?
1184
+
1185
+ It's about your body's feeling in you, feeling hot, you
1186
+
1187
+ feeling irritable.
1188
+
1189
+ All sorts of aspects of this would be under the
1190
+
1191
+ insula.
1192
+
1193
+ Okay, that's normal.
1194
+
1195
+ Let's imagine.
1196
+
1197
+ This was this was a gunfight.
1198
+
1199
+ Breaks out at the party and it is your life
1200
+
1201
+ was in threat.
1202
+
1203
+ You survive the people that shot and die.
1204
+
1205
+ Now, when you later hear a noise like a car
1206
+
1207
+ backfiring, what they've argued is that this kind of situation
1208
+
1209
+ or cue a loud noise, doesn't go through the prefrontal
1210
+
1211
+ cortex.
1212
+
1213
+ It goes straight through early sensory cortex, through your auditory
1214
+
1215
+ cortex, in the case of noise.
1216
+
1217
+ But it could be through your visual cortex for a
1218
+
1219
+ picture that could stimulate you to remember the party.
1220
+
1221
+ And you get this rapid.
1222
+
1223
+ All these red areas are activated directly without any control,
1224
+
1225
+ and you do not remember the details in the same
1226
+
1227
+ way you flooded by images and sounds.
1228
+
1229
+ So this this description comes from the idea that when
1230
+
1231
+ people remember that gunfight in the party, they can't walk
1232
+
1233
+ their way through it in the way you would describe
1234
+
1235
+ because you've been to that just flooded by sounds, pictures,
1236
+
1237
+ images in a quite fragmented way.
1238
+
1239
+ And this model tries to explain why that occurs.
1240
+
1241
+ So in summary, there are symptoms that occur occurring in
1242
+
1243
+ dreams that could move on into the next topic the
1244
+
1245
+ recurrent dreams, recollections of traumatic events, feelings of of hopelessness
1246
+
1247
+ and so on.
1248
+
1249
+ Intense psychological distress occur.
1250
+
1251
+ There are genetic environmental factors that lead to people acquiring
1252
+
1253
+ PTSD.
1254
+
1255
+ Hippocampal size may be a risk factor being smaller or
1256
+
1257
+ being bad, and a dominant view is that traumatic events
1258
+
1259
+ that they don't tend to get contextually bound together when
1260
+
1261
+ they're encoded or learned and become associated with that kind
1262
+
1263
+ of sensory reactivation pattern.
1264
+
1265
+ So so one of the features out of this treatment
1266
+
1267
+ is trying to allow people to go back and find
1268
+
1269
+ re-exposed to to reconsider in a more contextual way.
1270
+
1271
+ The events, normal retrieval occurs through this top down process
1272
+
1273
+ of directing your attention to a memory.
1274
+
1275
+ Flashbacks occur by a bottom up, sensory driven process.
1276
+
1277
+ So this is some of the key takeaway messages in
1278
+
1279
+ what we're covering on PTSD.
1280
+
1281
+ I'm now going to move to the second part, second
1282
+
1283
+ part of this lecture on schizophrenia.
1284
+
1285
+ So this is a serious mental health disorder affects 1%.
1286
+
1287
+ The cost to society is enormous.
1288
+
1289
+ This exceeds all counsellors.
1290
+
1291
+ Descriptions of the symptoms go back to ancient times, really
1292
+
1293
+ long time back to ancient Greeks and there's a movie
1294
+
1295
+ that I recommend you watch about a patient called Gerald.
1296
+
1297
+ Gerald in the movie is interviewed.
1298
+
1299
+ He's constantly twisting his hair.
1300
+
1301
+ He describes when when asked, How are you?
1302
+
1303
+ How are you doing?
1304
+
1305
+ He talks about sperms and eggs and nuclear fusion and
1306
+
1307
+ then said, Just how does that make you feel?
1308
+
1309
+ And he says, Well, the painting on the wall has
1310
+
1311
+ a headache.
1312
+
1313
+ It's really covers all the different features of schizophrenia.
1314
+
1315
+ But so do go and watch this movie.
1316
+
1317
+ We don't have time not to actually watch it.
1318
+
1319
+ But what Gerald highlights in one individual case and it's
1320
+
1321
+ important to recognise that's unusual.
1322
+
1323
+ Normally patients with schizophrenia have a number of symptoms, but
1324
+
1325
+ not all of them that the symptoms are categorised into
1326
+
1327
+ positive ones, negative ones and cognitive ones going back to
1328
+
1329
+ 2004.
1330
+
1331
+ So it's a very serious mental disorder.
1332
+
1333
+ There are thought disorders, delusions, hallucinations, bizarre behaviours that in
1334
+
1335
+ the movies world is constantly.
1336
+
1337
+ Twisting his hair all the way through the movie.
1338
+
1339
+ It's not a normal behaviour.
1340
+
1341
+ It's a feature that occurs in schizophrenia.
1342
+
1343
+ So positive symptoms are not good things.
1344
+
1345
+ It's a bit of a misleading term.
1346
+
1347
+ Positive symptoms are symptoms the patients express to make themselves
1348
+
1349
+ known the evidence, the presence.
1350
+
1351
+ So people don't normally have these.
1352
+
1353
+ So these include delusions, hallucinations and thought disorders.
1354
+
1355
+ So we look at thought disorders.
1356
+
1357
+ This is basically that Gerald, when asked in the movie,
1358
+
1359
+ how are you feeling?
1360
+
1361
+ And he says, well, that picture has a headache.
1362
+
1363
+ That is not a rational response to the question.
1364
+
1365
+ Or if you go to listen to the movie of
1366
+
1367
+ Gerald, everything he says contains perfect syntax and grammar.
1368
+
1369
+ There.
1370
+
1371
+ There's no words he's made up.
1372
+
1373
+ It's all real words put together.
1374
+
1375
+ It sounds like it's incredible, but it's disorganised.
1376
+
1377
+ It isn't.
1378
+
1379
+ It isn't coordinated.
1380
+
1381
+ The ideas jump from one topic to another.
1382
+
1383
+ They go off on a complete tangent.
1384
+
1385
+ So it's very difficult for the patient to cope with
1386
+
1387
+ life if that's how the brain operates, that they're disorganised
1388
+
1389
+ and it's very difficult for people to care for them
1390
+
1391
+ and look after.
1392
+
1393
+ If they have this severe schizophrenia and they think rational
1394
+
1395
+ things about it, they can talk about what is the
1396
+
1397
+ point?
1398
+
1399
+ Why does the picture of will have a headache?
1400
+
1401
+ And they really have a hard time organising their thoughts
1402
+
1403
+ and logically sorting out what's plausible that could have happened
1404
+
1405
+ and not plausible and absurd.
1406
+
1407
+ And they jump from one topic to another.
1408
+
1409
+ Sometimes they use meaningless words.
1410
+
1411
+ They can move off.
1412
+
1413
+ But as you hear Gerald, it's they slip these in
1414
+
1415
+ here or there.
1416
+
1417
+ And sometimes the conversation and just choose the next word
1418
+
1419
+ because it rhymes rather than it being the most appropriate
1420
+
1421
+ one.
1422
+
1423
+ That's the disordered thought.
1424
+
1425
+ The delusions are fascinating and schizophrenia.
1426
+
1427
+ So these are things that are contrary to facts.
1428
+
1429
+ So my wife previously is a clinical psychologist and worked
1430
+
1431
+ with schizophrenic patients in hospital.
1432
+
1433
+ And one day she was talking to a man saying
1434
+
1435
+ he's later that afternoon going to travel to Bath from
1436
+
1437
+ London.
1438
+
1439
+ And it's very late in the day.
1440
+
1441
+ And he's he's locked in for his safety there.
1442
+
1443
+ And she said, how are you going to get to
1444
+
1445
+ bars?
1446
+
1447
+ And he looked at her as if she was completely
1448
+
1449
+ crazy and said, why, of course.
1450
+
1451
+ They started beating his hands up and down.
1452
+
1453
+ And she slipped.
1454
+
1455
+ This is quite a common occurrence that this belief is
1456
+
1457
+ not only that they are deluded, but they think he
1458
+
1459
+ believes he can fly and used to say, how are
1460
+
1461
+ you going to fly and change the conversation and move
1462
+
1463
+ on.
1464
+
1465
+ But this is one key example.
1466
+
1467
+ I remember an experience I had talking to someone.
1468
+
1469
+ So there are different types of delusions that delusion that
1470
+
1471
+ patient had was a delusion of grandeur.
1472
+
1473
+ He believed he could fly or had a special magical
1474
+
1475
+ power.
1476
+
1477
+ There are delusions of persecution, and these are these are
1478
+
1479
+ the thing that makes schizophrenia quite dark and a very
1480
+
1481
+ unpleasant disorder to have.
1482
+
1483
+ So the real classic problem in schizophrenia is belief that
1484
+
1485
+ they're being plotted against or somebody or a group of
1486
+
1487
+ people are conspiring against them.
1488
+
1489
+ So if you're in the UK, it's very likely they
1490
+
1491
+ start to believe that it's all either of them.
1492
+
1493
+ If you were in the US, they will be the
1494
+
1495
+ FBI.
1496
+
1497
+ If you go back to the ancient Greeks as written
1498
+
1499
+ in text, it'll be whoever the bogeyman or whoever, the
1500
+
1501
+ secret people that are in charge of of society, you
1502
+
1503
+ know, the guards in the tower, whoever it is.
1504
+
1505
+ Delusions of grandeur are like this belief.
1506
+
1507
+ They can fly to the channel to remarkable things or
1508
+
1509
+ have special godlike powers is a classic example that no
1510
+
1511
+ one else has.
1512
+
1513
+ But they have these powers.
1514
+
1515
+ One of the other unpleasant features is schizophrenia, delusions of
1516
+
1517
+ control.
1518
+
1519
+ They believe that they are being controlled by others, forced
1520
+
1521
+ to do the bidding of someone else and often believe
1522
+
1523
+ that there's an implant in their head.
1524
+
1525
+ Something's got inside them that's causing them to do it.
1526
+
1527
+ If you go and watch the movie of Gerald's, you
1528
+
1529
+ see, he feels like voices in his head are telling
1530
+
1531
+ him to hurt people, making him do unpleasant things.
1532
+
1533
+ And they said, Do you want to do these things?
1534
+
1535
+ And he says, No, I don't want to hurt people.
1536
+
1537
+ But the voices commanding me to do it.
1538
+
1539
+ And it's hard.
1540
+
1541
+ So that takes me on to the third symptom is
1542
+
1543
+ just hallucinations.
1544
+
1545
+ These are often auditory.
1546
+
1547
+ They can be visual.
1548
+
1549
+ They might see things that aren't there, but often the
1550
+
1551
+ auditory.
1552
+
1553
+ And very often they involve voices of somebody talking to
1554
+
1555
+ them inside their head.
1556
+
1557
+ So if you've ever seen the film A Beautiful Mind,
1558
+
1559
+ it explores that whole idea of Russell Crowe as the
1560
+
1561
+ actor in a film of a voice of a person
1562
+
1563
+ who is really present to the actor.
1564
+
1565
+ That situation in the film.
1566
+
1567
+ And it's highly disruptive because the person can tell them
1568
+
1569
+ to do things that aren't out there.
1570
+
1571
+ That's all positive, but not particularly nice symptoms.
1572
+
1573
+ Negative symptoms occur that are taking away things from the
1574
+
1575
+ person.
1576
+
1577
+ So these include and include things like what an emotional
1578
+
1579
+ response he'll see.
1580
+
1581
+ If you watch Gerald, he's just looks really dumb.
1582
+
1583
+ He's very he looks tired.
1584
+
1585
+ It doesn't look very happy.
1586
+
1587
+ He doesn't look very well.
1588
+
1589
+ So, you know, people don't speak as much of schizophrenia.
1590
+
1591
+ They don't initiate things.
1592
+
1593
+ They persist on things they shouldn't.
1594
+
1595
+ And they show this effort to anhedonia, but they can't
1596
+
1597
+ really take much pleasure from things like a really great,
1598
+
1599
+ great food or a lovely meal.
1600
+
1601
+ They just can't they don't tend to be as excited
1602
+
1603
+ by it.
1604
+
1605
+ And that partly leads to the other symptoms lead to
1606
+
1607
+ social withdrawal, which is not a good thing for them,
1608
+
1609
+ for their well-being.
1610
+
1611
+ There are negative effects as well.
1612
+
1613
+ So this causes this lack of affect to reduce motivation
1614
+
1615
+ in the negative symptoms.
1616
+
1617
+ Cognitive symptoms are also things that are lost, so they're
1618
+
1619
+ also negative in that sense, but they're specifically not to
1620
+
1621
+ do with the emotional well-being.
1622
+
1623
+ They're to do with things like IQ.
1624
+
1625
+ So sustaining attention, learning of memory, abstract thinking and problem
1626
+
1627
+ solving that all get disrupted.
1628
+
1629
+ We'll see in a moment the key areas of the
1630
+
1631
+ brain for learning and memory and problem solving of the
1632
+
1633
+ hippocampus, the medial temporal lobe in the frontal cortex, which
1634
+
1635
+ are disrupted in schizophrenia.
1636
+
1637
+ So these symptoms don't just appear overnight.
1638
+
1639
+ It's not like you suddenly wake up like, you know,
1640
+
1641
+ through neurosurgery and suddenly you lose these things.
1642
+
1643
+ They come in over 3 to 5 years.
1644
+
1645
+ Negative symptoms occur first, then the positive, then the cognitive,
1646
+
1647
+ and then the positive ones become florid at the end.
1648
+
1649
+ Pharmacological evidence.
1650
+
1651
+ So we're going to.
1652
+
1653
+ Journey.
1654
+
1655
+ Now, there's been a long story in the literature going
1656
+
1657
+ back decades about the idea that dopamine might be the
1658
+
1659
+ key molecule that is disrupted in schizophrenia.
1660
+
1661
+ The dopamine hypothesis, which is no longer thought to be
1662
+
1663
+ true, as we'll see, but is still the still very
1664
+
1665
+ good evidence that dopamine is involved in schizophrenia, but that
1666
+
1667
+ it's the sole pathway is not.
1668
+
1669
+ This came around from the mid not the 1950s.
1670
+
1671
+ This particular man took a drug that was being used,
1672
+
1673
+ the surgical shot and applied it to other disorders of
1674
+
1675
+ mood and found schizophrenia.
1676
+
1677
+ This compound proved chlorpromazine actually was quite effective at helping
1678
+
1679
+ treat some of the symptoms in schizophrenia.
1680
+
1681
+ And he's tried it on a range of different disorders
1682
+
1683
+ and it became a first line treatment for schizophrenia fighting,
1684
+
1685
+ particularly this psychotic, which is these hallucinations and delusions.
1686
+
1687
+ So is not very effective at certain aspects of features
1688
+
1689
+ of it.
1690
+
1691
+ But it did.
1692
+
1693
+ Dramatic benefits for schizophrenia changes.
1694
+
1695
+ Their attitudes, hallucinations and delusions are diminished somewhat with this
1696
+
1697
+ drug.
1698
+
1699
+ But it has lots of corrosive side effects.
1700
+
1701
+ And therefore, a number of medications have been developed since
1702
+
1703
+ that time.
1704
+
1705
+ All of them had a similar compound feature in common.
1706
+
1707
+ They block the antagonise.
1708
+
1709
+ They just they antagonise these dopamine receptors than normally the
1710
+
1711
+ ones involved in that reinforcement process.
1712
+
1713
+ Now, another group of drugs that have the opposite effect,
1714
+
1715
+ they agonise, they increase the response of these these these
1716
+
1717
+ responses.
1718
+
1719
+ And these are things like amphetamine, cocaine.
1720
+
1721
+ And you remember my lecture on reinforcement learning and the
1722
+
1723
+ rate of these increase dopamine responses.
1724
+
1725
+ So in that case, these drugs can you know, if
1726
+
1727
+ you take a schizophrenic, if you give them cocaine, they
1728
+
1729
+ will have higher schizophrenic experiences, worse than worse than their
1730
+
1731
+ their experience.
1732
+
1733
+ Drug taking is a real problem in schizophrenia.
1734
+
1735
+ So really impressive.
1736
+
1737
+ Again, this is like one of these heroic studies.
1738
+
1739
+ And you think that this group, by the rule managed
1740
+
1741
+ to to put by intravenous injection a group of schizophrenic
1742
+
1743
+ patients and control participants in and out in a scanner
1744
+
1745
+ and monitor the amount of dopamine released in the striatum
1746
+
1747
+ using positron emission tomography.
1748
+
1749
+ And they found that in Fetterman caused more dopamine release
1750
+
1751
+ in the striatum of schizophrenic patients compared to criminal subjects.
1752
+
1753
+ So what we're seeing in this graph here is the
1754
+
1755
+ amount of dopamine release.
1756
+
1757
+ And you can see here this is controls being given.
1758
+
1759
+ Amphetamine is just like the rats in the lecture previously
1760
+
1761
+ on Striatum.
1762
+
1763
+ They're increasing their dopamine on most of them.
1764
+
1765
+ But schizophrenics don't have a higher response.
1766
+
1767
+ And the key thing you're taking from this graph is
1768
+
1769
+ that, okay, so they have a higher response.
1770
+
1771
+ But impressively, the greater the response of this person up
1772
+
1773
+ here has a really high response.
1774
+
1775
+ And there on this graph over here, the more they
1776
+
1777
+ have this response, the mean, the more the positive symptoms
1778
+
1779
+ are expressed during the scan, the more the hearing voices
1780
+
1781
+ having having hallucinations.
1782
+
1783
+ So an impressive link.
1784
+
1785
+ But of course, the small samples are very hard work
1786
+
1787
+ to do.
1788
+
1789
+ Okay.
1790
+
1791
+ Another possibility that's been explored is that the dope receptors
1792
+
1793
+ are changed in schizophrenic patients.
1794
+
1795
+ So this is not that they're releasing more of me,
1796
+
1797
+ but their receptors are are are changed.
1798
+
1799
+ And that's because the drugs work by blocking those receptors.
1800
+
1801
+ So the researchers and performed an analysis of post-mortem brains.
1802
+
1803
+ They got hold of schizophrenics, brains and looked at them.
1804
+
1805
+ They also use positron emission tomography to look at this
1806
+
1807
+ late radioactive ligands.
1808
+
1809
+ And they can make radioactive dopamine and explore responses to
1810
+
1811
+ the amount of dopamine released.
1812
+
1813
+ And in reviews, they concluded, this story doesn't stack up
1814
+
1815
+ so well.
1816
+
1817
+ There's only a modest increase in the different receptors in
1818
+
1819
+ schizophrenics.
1820
+
1821
+ And it seems unlikely that this is the primary cause
1822
+
1823
+ of the disorder.
1824
+
1825
+ It's the other structures occur in the brain that are
1826
+
1827
+ just moving so we can get get through the lecture.
1828
+
1829
+ So they're in when they do neuropsychological testing and brain
1830
+
1831
+ imaging studies, they can see that there are these changes
1832
+
1833
+ in the problems of moving and memory.
1834
+
1835
+ And unsurprisingly, this could be linked to the frontal lobes
1836
+
1837
+ in the hippocampus.
1838
+
1839
+ That's that's stating what we know from the amnesia lectures
1840
+
1841
+ and a reduction in the brain volume is occurs in
1842
+
1843
+ these schizophrenic patients because these highlighted brain areas but much
1844
+
1845
+ more in Alzheimer's.
1846
+
1847
+ Next week you'll hear some Solomon talk about Alzheimer's where
1848
+
1849
+ there are some dramatic loss.
1850
+
1851
+ So in an Alzheimer's patient, when they reach an end
1852
+
1853
+ stage, their brain is shrunk to the size of an
1854
+
1855
+ orange.
1856
+
1857
+ It's not.
1858
+
1859
+ It's still there, but it's absolutely diminished.
1860
+
1861
+ Schizophrenia.
1862
+
1863
+ These are damaging similar areas, but much, much smaller extent.
1864
+
1865
+ Now it's uncertain as this highlights this key point whether
1866
+
1867
+ those volumetric changes in these areas occur because of the
1868
+
1869
+ disease and the symptoms or the always there.
1870
+
1871
+ Were they existing before the development of the disease or
1872
+
1873
+ indeed the drugs is another feature of this.
1874
+
1875
+ And there have been associations between the deficits and the
1876
+
1877
+ brain volume.
1878
+
1879
+ So if you have a smaller frontal cortex in schizophrenia,
1880
+
1881
+ you have less good abstract problem solving.
1882
+
1883
+ If you have a shrunken hippocampus, you have more problems
1884
+
1885
+ with learning and memory.
1886
+
1887
+ This fits with the other lectures you've had on learning
1888
+
1889
+ and memory in this course, because those neural circuits are
1890
+
1891
+ altered.
1892
+
1893
+ And it's also been suggested that it's not just brain
1894
+
1895
+ areas drinking.
1896
+
1897
+ The whole circuits are disrupted.
1898
+
1899
+ The schizophrenia should be considered as a collection of neurodevelopmental
1900
+
1901
+ disorders.
1902
+
1903
+ It's worth unpacking that one sentence is very easy to
1904
+
1905
+ get up and just read through the slide and go,
1906
+
1907
+ okay, so schizophrenia is altered neural circuits and it's a
1908
+
1909
+ collection of neurologic neurodevelopmental disorders.
1910
+
1911
+ So first of all, the last word on there is
1912
+
1913
+ disorder is not disorder.
1914
+
1915
+ So what it's highlighting is that schizophrenia is the collection.
1916
+
1917
+ It's a syndrome.
1918
+
1919
+ It's got there are many ways in which someone could
1920
+
1921
+ express similar overlapping conditions.
1922
+
1923
+ It is not like, for example, Parkinson's disease, which you
1924
+
1925
+ have next week, although there are different types of Parkinson's,
1926
+
1927
+ the subtle differences, there is a general pattern in Parkinson's
1928
+
1929
+ disease.
1930
+
1931
+ You'll see schizophrenia.
1932
+
1933
+ You can have some positive, some negative, a range of
1934
+
1935
+ symptoms.
1936
+
1937
+ And what is believed there are different pathways by which
1938
+
1939
+ you can end up with descriptions.
1940
+
1941
+ So the argument now is that all of those involve
1942
+
1943
+ neurodevelopment.
1944
+
1945
+ You don't get schizophrenia having a very healthy, happy life
1946
+
1947
+ and suddenly in your forties you get schizophrenia.
1948
+
1949
+ It just doesn't happen.
1950
+
1951
+ There's something that occurs early in life and in many
1952
+
1953
+ cases in the womb and birth.
1954
+
1955
+ So there's some things happening in the brain and development
1956
+
1957
+ that leads to schizophrenia.
1958
+
1959
+ So we'll come back to that and a key slide
1960
+
1961
+ in a moment.
1962
+
1963
+ Now there's debate over whether the treatment with antipsychotics can
1964
+
1965
+ itself cause the reduction in brain volumes.
1966
+
1967
+ So if you're on chlorpromazine, it's a drug that disrupts
1968
+
1969
+ your brain, stops the functioning of hallucinations and other things,
1970
+
1971
+ but it really lowers your you know, it may it
1972
+
1973
+ may be that it's one of the features.
1974
+
1975
+ It's very hard to know because ethically testing these things
1976
+
1977
+ is very hard.
1978
+
1979
+ And as I mentioned at the beginning, that dopamine hypothesis,
1980
+
1981
+ the old, for example, mean function in schizophrenia underlies the
1982
+
1983
+ condition is not thought to be far too simplistic.
1984
+
1985
+ And that is partly because the newer drugs, the antipsychotic
1986
+
1987
+ drugs that are given, they no longer prescribing chlorpromazine because
1988
+
1989
+ of its side effects.
1990
+
1991
+ But atypical antipsychotic medications can be very effective and those
1992
+
1993
+ don't work by.
1994
+
1995
+ So for me, those work by affecting serotonin and the
1996
+
1997
+ other key molecule in the brain has but also has
1998
+
1999
+ a slight dopamine blocking effect.
2000
+
2001
+ Right.
2002
+
2003
+ So it's not as simple as is worth highlighting.
2004
+
2005
+ When you give a drug that affects their tone, it
2006
+
2007
+ will have a knock on effect on the circuits of
2008
+
2009
+ your brain to also affect dopamine circuits.
2010
+
2011
+ These aren't totally independent brain circuits.
2012
+
2013
+ What was interesting in the last decade or so has
2014
+
2015
+ moved on to is looking at glutamate and glutamate.
2016
+
2017
+ As you remember Solomon's lecture on how neurones operate.
2018
+
2019
+ Glutamate is the main excitatory transmitter used most sign up
2020
+
2021
+ to this in your brain and it is thought that
2022
+
2023
+ alterations in glutamate, particularly the NMDA glutamate receptor, may be
2024
+
2025
+ one of the features that's gone wrong in schizophrenia.
2026
+
2027
+ So this NMDA, this is a molecule named for the
2028
+
2029
+ name is a particular receptor and it has a particular
2030
+
2031
+ role in binding and learning and memory and associating things
2032
+
2033
+ together.
2034
+
2035
+ And it's disruption is thought that may underlie the rise
2036
+
2037
+ in schizophrenia.
2038
+
2039
+ Everything I'm saying now is quite well covered in the
2040
+
2041
+ textbook chapters that are highlighted in the last slide.
2042
+
2043
+ So just, just take you away.
2044
+
2045
+ So on that note, there's abnormally low levels of this
2046
+
2047
+ glutamate receptors in the post-mortem brains.
2048
+
2049
+ So remember earlier I highlighted that when they went to
2050
+
2051
+ look at the brains of schizophrenics, the post mortem, they
2052
+
2053
+ were confident the scientists that were going to find way
2054
+
2055
+ less receptors for dopamine also had receptors in dopamine.
2056
+
2057
+ And then they were shocked when they didn't find that.
2058
+
2059
+ But they did find was actually these abnormal levels of
2060
+
2061
+ these receptors, these glutamate NMDA receptors in the brains of
2062
+
2063
+ these patients.
2064
+
2065
+ So the belief now is there's something disrupted in those
2066
+
2067
+ circuits, and that's we'll see is not just the receptors,
2068
+
2069
+ but the.
2070
+
2071
+ The neurones themselves.
2072
+
2073
+ There's there's too many neurones in some places.
2074
+
2075
+ They don't have enough myelin.
2076
+
2077
+ And again, remember back to Step Solomon's lecture neurones the
2078
+
2079
+ myelin sheath that allows the neurones to communicate well that
2080
+
2081
+ is disrupted.
2082
+
2083
+ So new drugs like this, like could even ketamine have
2084
+
2085
+ been around for some time.
2086
+
2087
+ Ketamine can mimic these symptoms in schizophrenia.
2088
+
2089
+ So I remember particularly as a scientist of the UCL
2090
+
2091
+ who's not Cambridge for a long time, he's a medical
2092
+
2093
+ doctor, so he could give himself ketamine.
2094
+
2095
+ I'm bringing in this presentation where he's on a very
2096
+
2097
+ high dose of ketamine and he just looks drifted off
2098
+
2099
+ into another world and he sees an aeroplane going by
2100
+
2101
+ and he's just focusing on the aeroplane the entire time.
2102
+
2103
+ And in this description he describes the fact that the
2104
+
2105
+ aeroplane just took over his entire world and it felt
2106
+
2107
+ like it was an hour watching this aeroplane travel through
2108
+
2109
+ the sky and it completely absorbed him.
2110
+
2111
+ And he looks, he has the kind of pattern around
2112
+
2113
+ his behaviour, somewhat like someone with severe schizophrenia.
2114
+
2115
+ So what this is from my experience I've seen, is
2116
+
2117
+ that drugs like ketamine that act on these glutamate receptors,
2118
+
2119
+ they block glutamate these particular NMDA functions and can mimic
2120
+
2121
+ some of the features, not all of them, that clinician
2122
+
2123
+ and that scientists didn't end up having delusions of grandeur.
2124
+
2125
+ He didn't think he was going to win the Nobel
2126
+
2127
+ Prize after on the ketamine.
2128
+
2129
+ So that reduced glutamate function is linked to poor performance
2130
+
2131
+ on these tests, the frontal lobe and hippocampal function.
2132
+
2133
+ So early onset, if you have a small hippocampus, a
2134
+
2135
+ reduced volume in your frontal cortex, you'll be worse at
2136
+
2137
+ problem solving and memory and so on.
2138
+
2139
+ But they cannot link it more detail to the glutamate
2140
+
2141
+ function.
2142
+
2143
+ So it's just our research pinning down more closely to
2144
+
2145
+ it's not just the size of the brain, it's the
2146
+
2147
+ glutamate function in schizophrenics that is giving rise to the
2148
+
2149
+ problems.
2150
+
2151
+ But an important factor, again, like I've highlighted, serotonin and
2152
+
2153
+ dopamine interact.
2154
+
2155
+ Glutamate and dopamine interacts.
2156
+
2157
+ The glutamate changes.
2158
+
2159
+ The glutamate levels.
2160
+
2161
+ They affect dopamine function.
2162
+
2163
+ And of course, there are dopa glutamate receptors landing on
2164
+
2165
+ the ventral segmental area which projects that intense the dopamine.
2166
+
2167
+ So what's happening is suggests that the glutamate pathways are
2168
+
2169
+ playing important affect mediating and possibly causing the conditions that
2170
+
2171
+ are occurring in schizophrenia and having a knock on effect
2172
+
2173
+ on that dopamine pathway.
2174
+
2175
+ There is disruption deepening, but it's not the primary cause.
2176
+
2177
+ And and as this states, the positive symptoms, the delusions
2178
+
2179
+ of grandeur, delusions of persecution and the delusion and the
2180
+
2181
+ hallucinations are not so well kept on by glutamate.
2182
+
2183
+ The last slide the put up is a really large
2184
+
2185
+ one, and this is a really key review that's really
2186
+
2187
+ critical in the field of schizophrenia is a review by
2188
+
2189
+ Insel in 2010 provides a neurodevelopmental model of what they
2190
+
2191
+ think of, and lots of evidence is happening in schizophrenia.
2192
+
2193
+ So on the y axis here, we have changes and
2194
+
2195
+ things going up from zero to a top.
2196
+
2197
+ So and so here we have fertilisation of an egg.
2198
+
2199
+ And so here we have in the womb things are
2200
+
2201
+ happening in terms of brain sign ups and brain cells
2202
+
2203
+ occurring and inhibitory.
2204
+
2205
+ Synopsis Here we have the age of five after someone
2206
+
2207
+ is born expanded out.
2208
+
2209
+ So what each of these pathways is showing the top
2210
+
2211
+ of the changes in the grey matter during normal development.
2212
+
2213
+ What is highlighted down here is that someone who experiences
2214
+
2215
+ schizophrenia well before the symptoms that in 18 to 24
2216
+
2217
+ is already thought of having these reduced into neurone activity,
2218
+
2219
+ excessive removal of their brain cells in the prefrontal cortex.
2220
+
2221
+ So it's these, these excitatory signatures of being removed in
2222
+
2223
+ both excitatory and into neurone inhibitory sign absence.
2224
+
2225
+ And as I mentioned, this deficient myelination of these cells.
2226
+
2227
+ So they charting this not now.
2228
+
2229
+ So the key takeaways, schizophrenia is a neurodevelopmental condition that
2230
+
2231
+ starts very early in life.
2232
+
2233
+ We can now track some of the brain changes that
2234
+
2235
+ are occurring in it.
2236
+
2237
+ So I just stated that the evidence, the current is
2238
+
2239
+ that is the frontal cortex and the tempo loop, including
2240
+
2241
+ the hippocampus, and there is disruption of dopamine function, but
2242
+
2243
+ also that glutamate dysfunction, dysfunction in the disorder, these are
2244
+
2245
+ the suggested readings is a great chapter, the textbook chapter.
2246
+
2247
+ There's a nice review by this, this one on flashbacks.
2248
+
2249
+ This is a really short and fantastic review in nature.
2250
+
2251
+ And if you want to read more about how your
2252
+
2253
+ genetics, your environment and the stress you experience, give rise
2254
+
2255
+ to death mean, this is a really great review by
2256
+
2257
+ one of the world leaders down south of the river,
2258
+
2259
+ Robyn, my friends Robyn Murray.
2260
+
2261
+ You very much missed the last lecture of this course.
2262
+
2263
+ Good luck with the exams.
2264
+
2265
+ Thank you.
2266
+
2267
+ Very.
raw_transcripts/lecture_19.txt ADDED
@@ -0,0 +1,2389 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Just.
2
+
3
+ This is Christopher in gold XO d2.
4
+
5
+ It is eight degrees in my theatre at the moment.
6
+
7
+ I'm not sure if you can do anything about that,
8
+
9
+ but I do think that certainly if we work the
10
+
11
+ incredible work rate in the.
12
+
13
+ Thank you for joining me.
14
+
15
+ It's a I grew up in a very home country,
16
+
17
+ Australia, and I don't think I saw snow until I
18
+
19
+ was in my mid-twenties.
20
+
21
+ So for me, it's still awe inspiring to walk through
22
+
23
+ a white snow field.
24
+
25
+ So I hope you enjoyed your journey.
26
+
27
+ And today I am in my place.
28
+
29
+ But yeah, I'm here.
30
+
31
+ This is behaviourism.
32
+
33
+ Yeah, I.
34
+
35
+ My brain is frozen.
36
+
37
+ I just.
38
+
39
+ I hope that's not on, but it's not going to
40
+
41
+ help us in the next hour, I'm afraid.
42
+
43
+ So thank you for joining me today.
44
+
45
+ It's really nice to see you all again.
46
+
47
+ I'm going to be talking about neurological disorders.
48
+
49
+ It's a little bit I mean, I have mixed feelings
50
+
51
+ about giving this lecture.
52
+
53
+ I always feel a little bit depressed.
54
+
55
+ But this year I tried to be a to alleviate
56
+
57
+ my depression a little bit by introducing a couple of
58
+
59
+ slides illustrating some very recent advances in treating these disorders,
60
+
61
+ which give me hope at least that we're entering a
62
+
63
+ period where we might be able to take these on
64
+
65
+ and generate cures, or at least treatments for people.
66
+
67
+ Sorry, my brain has actually frozen, so I'll try and
68
+
69
+ get through this if I put my jacket on.
70
+
71
+ Well, the problem is if I put my jacket on,
72
+
73
+ it rustles the volume.
74
+
75
+ But I see.
76
+
77
+ Why a neurological disorder is so problematic.
78
+
79
+ I think what you've learned so far in the course
80
+
81
+ should give you a bit of a cue to answering
82
+
83
+ this.
84
+
85
+ I think the major thing, the first major things, that
86
+
87
+ nerve cells are not self-renewing, but you're basically born with
88
+
89
+ the same number of nerve cells you end up with.
90
+
91
+ And you just lose them.
92
+
93
+ There's a few that are born maybe in the hippocampus
94
+
95
+ and the old factory lobe, but most of the neurones
96
+
97
+ that you have on you now are ones that you
98
+
99
+ were born with.
100
+
101
+ And that means that if one of them dies, you're
102
+
103
+ not going to get replaced.
104
+
105
+ The second thing is that neurones are excitable cells.
106
+
107
+ As we've talked a lot.
108
+
109
+ I like action potentials.
110
+
111
+ I do a lot of work to try and generate
112
+
113
+ these action potentials and I can actually be overexcited or
114
+
115
+ it's a bit of a loose term, but I can
116
+
117
+ this generating this activity can lead to disorder within the
118
+
119
+ cells.
120
+
121
+ So those cells, if they get overexcited, can actually trigger
122
+
123
+ apoptosis.
124
+
125
+ That is cell death.
126
+
127
+ Generating all this activity requires a lot of energy.
128
+
129
+ It requires a very specific way of getting and be
130
+
131
+ very, I think, by the way, in the brain of
132
+
133
+ getting the energy to the right part of the brain.
134
+
135
+ If we disorder that blood supply, energy supply as we
136
+
137
+ go through time.
138
+
139
+ Those neurones also form what we will call what we
140
+
141
+ have called recurrent circuit.
142
+
143
+ That is circuits where the axons from one cell connect
144
+
145
+ to the dendrite to another cell and vice versa and
146
+
147
+ so forth.
148
+
149
+ These are very exquisite connections that are both partly genetically
150
+
151
+ predetermined, but a lot of which is set up by
152
+
153
+ experience early in life and in later life.
154
+
155
+ Recapitulating those networks generated in those networks again, or putting
156
+
157
+ a neurone in that network and asking it to replace
158
+
159
+ the function of a new one that's already there.
160
+
161
+ That's effectively impossible.
162
+
163
+ You would have to recapitulate the experience that those neurones
164
+
165
+ have had to be able to regenerate that network.
166
+
167
+ So these for all these reasons, it's very difficult when
168
+
169
+ the brain starts to be disordered, so start to die.
170
+
171
+ Treating those disorders is really, really hard.
172
+
173
+ So in this lecture, I just want to take you
174
+
175
+ through a couple of different disorders that we know something
176
+
177
+ about.
178
+
179
+ And I've chosen these very carefully because there's many disorders
180
+
181
+ that we do not know much about at all.
182
+
183
+ In talking about these, I will be talking about disorders
184
+
185
+ are called intrinsic rather than extrinsic.
186
+
187
+ Extrinsic ones are ones like, for example, tumours being developing
188
+
189
+ in the brain.
190
+
191
+ By the way, since nerve cells and not the actual
192
+
193
+ part of the tumour because they don't replicate in the
194
+
195
+ same ways.
196
+
197
+ Extreme disorders also include traumatic brain injury.
198
+
199
+ For example, if you have a car accident or if
200
+
201
+ you get concussed many times as a footballer.
202
+
203
+ And those kinds of disorders are not a consideration here
204
+
205
+ because they're really just a result, not just the result
206
+
207
+ of things that the brain can't do much about.
208
+
209
+ So we want to talk a little bit about intrinsic
210
+
211
+ one, things that arise because of the particular structure of
212
+
213
+ the brain, because of the way the brain works.
214
+
215
+ I won't be talking about developmental brain abnormalities in this
216
+
217
+ particular lecture.
218
+
219
+ What I will be talking about is degenerative disorders, looking
220
+
221
+ at Alzheimer's disease in particular, and also epileptic seizures.
222
+
223
+ I'd like to start by talking about seizures.
224
+
225
+ Seizures?
226
+
227
+ Does anyone know much about seizures at all?
228
+
229
+ You come across them.
230
+
231
+ You may have seen someone having a seizure at some
232
+
233
+ point in time.
234
+
235
+ This is quite distressing experience.
236
+
237
+ I find it's a this is a cause that we'll
238
+
239
+ find out in.
240
+
241
+ The second is caused by overly synchronous brain activity, by
242
+
243
+ synchronous means that the neurones, the nerve cells are all
244
+
245
+ firing at the same time.
246
+
247
+ We'll see what the effect of that is in a
248
+
249
+ second.
250
+
251
+ About 3% of all people suffer from epilepsy at some
252
+
253
+ time in life, most commonly in childhood or older age.
254
+
255
+ I think it's not unexpected because that's the time at
256
+
257
+ which the brain is changing most and therefore the balance
258
+
259
+ that is required to prevent seizures, it's most likely to
260
+
261
+ be disordered.
262
+
263
+ At least 30% of athletic facilities have some known genetic
264
+
265
+ basis, whereas about 25% have what we call acquired antecedents
266
+
267
+ that, for example, rheumatic brain injuries.
268
+
269
+ So professor of epilepsy, a friend of mine, has suffered
270
+
271
+ from epilepsy since he had a bike accident 20 years
272
+
273
+ ago, and he's under treatment for it.
274
+
275
+ But it's still something that affects his life.
276
+
277
+ You know that that doesn't add up 100%.
278
+
279
+ And the other 50% of their bounce that the causes
280
+
281
+ are known either because there was inadequate record taking at
282
+
283
+ the time or because they have a complex, multifactorial basis.
284
+
285
+ We know a lot about seizures since the development of
286
+
287
+ electroencephalogram, ability to measure the activity of the brain from
288
+
289
+ the scalp.
290
+
291
+ On the left hand side to see what would look
292
+
293
+ like a normal EEG.
294
+
295
+ And is the traces in the brain due to the
296
+
297
+ electronic wiggle a little bit that they're not overly wiggly
298
+
299
+ and they're not overly synchronised between different electrodes.
300
+
301
+ Two types of seizures as shown on the right here.
302
+
303
+ The generalised seizure here, which would be part of a
304
+
305
+ grand mal seizure.
306
+
307
+ It means that the activity in the brain is synchronised,
308
+
309
+ basically causing time brain.
310
+
311
+ And you can see that here because the big wiggles
312
+
313
+ on the on the electron system, grandma all happen at
314
+
315
+ the same time.
316
+
317
+ That means that neurones in each part of the brain
318
+
319
+ that is generating these EEG signals are firing together at
320
+
321
+ the same time in big discharge bursts of discharge synchronising
322
+
323
+ their activity.
324
+
325
+ Of more interest from a psychological perspective really is the
326
+
327
+ partial seizures, which is shown in the middle here.
328
+
329
+ And that is where some parts of the brain start
330
+
331
+ to synchronise and other bits seem to be untarnished.
332
+
333
+ We'll be going into that in a second.
334
+
335
+ We've touched a little bit on brain rhythms over the
336
+
337
+ course of these lectures.
338
+
339
+ Rhythms are effectively a natural part of any biological system.
340
+
341
+ Can anyone tell me one rhythm you can think of?
342
+
343
+ Circadian rhythm.
344
+
345
+ That's a daily rhythm in trained by light, but actually
346
+
347
+ set by pacemaker cells or cells within this whole area
348
+
349
+ of the brain.
350
+
351
+ Probably the super charismatic nucleus whose activity varies with over
352
+
353
+ about a 25 hour cycle.
354
+
355
+ I think if you take if you if you take
356
+
357
+ someone and put them in or if you take an
358
+
359
+ animal and put them in the constant dark, you'll see
360
+
361
+ they still have a circadian rhythm, but it's not quite
362
+
363
+ locked to the 24 hour clock.
364
+
365
+ That's that locking comes from exposure to light, which resets
366
+
367
+ that pacemaker.
368
+
369
+ Is there any other rhythms that you can think of?
370
+
371
+ What am I doing right now?
372
+
373
+ Well, that's a good one as well.
374
+
375
+ But that's not a that's actually set by within within
376
+
377
+ the heart pacemaker activity in the heart.
378
+
379
+ What am I doing?
380
+
381
+ What are most of us all doing?
382
+
383
+ We're all breathing, right?
384
+
385
+ The breathing is also a rhythm that's set by the
386
+
387
+ pacemaker cells and a loop part of the brainstem.
388
+
389
+ I do fact reports, and if I remember rightly, these
390
+
391
+ activity pulsates, of course, can be modulated.
392
+
393
+ They can be fast and be slow.
394
+
395
+ Hold your breath.
396
+
397
+ It normally would act to inflate the diaphragm.
398
+
399
+ These kinds of brain rhythms are those are those are
400
+
401
+ the properties really of individual cells, or at least there's
402
+
403
+ cycles or rhythms within those individual cells.
404
+
405
+ The kind of rhythms that get disordered in seizures, though,
406
+
407
+ are not really properties of individual cells, but properties of
408
+
409
+ networks of cells.
410
+
411
+ So what happens is that when you have excitatory cells
412
+
413
+ talking to each other and then feeding back to each
414
+
415
+ other, and if you have inhibitory cells helping set that.
416
+
417
+ These cells.
418
+
419
+ When you fire an action, potentially send it to another
420
+
421
+ one and that fires an action potential and sends it
422
+
423
+ back to you.
424
+
425
+ That creates a loop and that creates a natural rhythm
426
+
427
+ from that circuit.
428
+
429
+ And so depending on the structure of the circuit, you
430
+
431
+ get different archetypal rhythms emerging.
432
+
433
+ So this slide here shows you three of the classic
434
+
435
+ rhythms, the alpha rhythm, the spindle rhythm and the ripple.
436
+
437
+ They found, or at least are most prominent in particular
438
+
439
+ brain regions, and they are the result of particular pathways
440
+
441
+ for communication between brain regions.
442
+
443
+ So, for example, the rhythm, which is most prominent actually
444
+
445
+ in the visual cortex at the back of the brain,
446
+
447
+ is primarily a cortical rhythm.
448
+
449
+ It's about 12 hertz.
450
+
451
+ The really prominent rhythm.
452
+
453
+ It's much stronger when your eyes are closed, when your
454
+
455
+ eyes are open.
456
+
457
+ A spindle rhythm is about the interaction between the thalamus
458
+
459
+ and the cortex.
460
+
461
+ So neurones in the thalamus send signals to the cortex
462
+
463
+ to send signals back to the thalamus.
464
+
465
+ And this loop itself, which is responsible for a large
466
+
467
+ part of slow wave sleep, also generates what's called spindle
468
+
469
+ rhythms.
470
+
471
+ And then these ripple rhythms are the communication between cells
472
+
473
+ within the hippocampus, which generate a very sharp, very fast
474
+
475
+ rhythm.
476
+
477
+ You can see the timescale here is 100 milliseconds as
478
+
479
+ opposed to one second here.
480
+
481
+ So this slide also shows this seems to show that
482
+
483
+ these rhythms are not just a product of something found
484
+
485
+ in humans.
486
+
487
+ They're actually found in almost all species that have been
488
+
489
+ studied.
490
+
491
+ In fact, all species that have been studied.
492
+
493
+ You can identify these rhythms if you look in the
494
+
495
+ right place and search hard enough.
496
+
497
+ So in humans, in non-human primates, in dogs, cats, bats,
498
+
499
+ rabbits, rodents.
500
+
501
+ In other words, you can find these are rhythms.
502
+
503
+ And it is quite striking that if you look at
504
+
505
+ the frequency, that is the number of cycles per second
506
+
507
+ that these rhythms take place over.
508
+
509
+ As I said, Alpha was about 12 hertz or 12
510
+
511
+ times per second.
512
+
513
+ So 12 of these little squiggles per second and the
514
+
515
+ ripple is about 250 hertz.
516
+
517
+ If you look across a large range of species, you
518
+
519
+ find that the rhythms in each of those species are
520
+
521
+ about the same frequency, even though their brains can vary
522
+
523
+ in orders of magnitude of number of neurones and all
524
+
525
+ of the magnitude and numbers of signs.
526
+
527
+ And that suggests to us that these rhythms are important
528
+
529
+ for brain function.
530
+
531
+ What they do is not so clear.
532
+
533
+ So there's many hypotheses out there, for example, in camera
534
+
535
+ rhythms, very fast rhythms, about 30 or 50 hertz are
536
+
537
+ important for consciousness and for propagation of signals between cortical
538
+
539
+ areas.
540
+
541
+ Yet there is very little hard evidence that they are
542
+
543
+ necessary for that those activities.
544
+
545
+ So, yes.
546
+
547
+ You can't.
548
+
549
+ I think it's just been not studied there.
550
+
551
+ I'm not sure if it's not present.
552
+
553
+ I'd be willing to know.
554
+
555
+ I haven't studied all of those animals.
556
+
557
+ It's you do have to report them in particular ways
558
+
559
+ and in particular circumstances.
560
+
561
+ For example, slow way rhythms or any form during sleep.
562
+
563
+ And so you have to be recording from an animal
564
+
565
+ during sleep.
566
+
567
+ So I'm not quite sure if they're missing on this
568
+
569
+ one a bit older.
570
+
571
+ So if they're missing because they're absent or missing just
572
+
573
+ because I haven't studied, it's a good question.
574
+
575
+ So these rhythms of what is disordered and what a
576
+
577
+ what prominent about seizure disorders.
578
+
579
+ This slide just simply classifies the general types of seizures.
580
+
581
+ We're not going to be talking about the grand mal
582
+
583
+ seizures, these massive changes to the brain function.
584
+
585
+ However, what I would like to go through a little
586
+
587
+ bit is partial seizures, because they tell they're explicit explicable
588
+
589
+ going from the structure of the brain.
590
+
591
+ Possible seizures can be either simple or complex.
592
+
593
+ Complex partial seizures results in a second often involved impairment
594
+
595
+ or loss of consciousness, or a simple partial seizures.
596
+
597
+ A person who suffering a seizure suffers no loss of
598
+
599
+ consciousness during the.
600
+
601
+ This slide, which is a little bit busy here, but
602
+
603
+ you can look at in more detail when you feel
604
+
605
+ like it.
606
+
607
+ On the top left is a description of some of
608
+
609
+ the features of a complex partial seizure.
610
+
611
+ On the bottom right, a simple partial seizure.
612
+
613
+ Partial seizure complex Partial seizures often start in the temporal
614
+
615
+ lobe or in the frontal cortex.
616
+
617
+ And maybe that's why they're actually associated often with a
618
+
619
+ loss of consciousness, or at least an impairment of consciousness.
620
+
621
+ The squiggles over here show that the frontal and temple
622
+
623
+ ones are undergoing large amplified rhythms, whereas the simple ones
624
+
625
+ are not so prominent.
626
+
627
+ In this process.
628
+
629
+ He's a simple, partial Caesar here, however, usually involving the
630
+
631
+ sensory with the motor cortices.
632
+
633
+ You can see here that over a typical and a
634
+
635
+ little bit the motor cortex, some big spikes, but not
636
+
637
+ so much in the frontal and temporal lobes.
638
+
639
+ So simple procedures often involve motor disturbances, for example, tremor
640
+
641
+ that emerge because your motor cortex is being disordered and
642
+
643
+ cortex is oscillating in a rhythmic fashion.
644
+
645
+ So your muscles will be oscillating in a rhythmic fashion.
646
+
647
+ And simple procedures are quite interesting because we can because
648
+
649
+ someone is conscious and because they're not too problematic, we
650
+
651
+ can actually track their progression through the cortical structures.
652
+
653
+ So, for example, I really like this description, and I
654
+
655
+ should know, by the way, that John Huling Jackson, who
656
+
657
+ you go introduce you to back in the first lecture
658
+
659
+ I think was based in Queens where when he made
660
+
661
+ these discoveries was the one who proposed that the progression
662
+
663
+ of simple partial seizures reflected the structure of the brain
664
+
665
+ organisation.
666
+
667
+ It's a nice description of what might be a typical
668
+
669
+ seizure.
670
+
671
+ Is on his right foot, began to shake.
672
+
673
+ Now a lower leg was shaking than a proper leg
674
+
675
+ as well.
676
+
677
+ With horrified fascination, she felt her body begin to shake
678
+
679
+ and reason with her leg.
680
+
681
+ Is shaking slowed and then finally stopped.
682
+
683
+ This is a real case.
684
+
685
+ A CT scan showed a small white circled spot between
686
+
687
+ the frontal lobes above the corpus place and a small
688
+
689
+ tumour.
690
+
691
+ This woman had a simple procedure that actually progressed to
692
+
693
+ a complex seizure.
694
+
695
+ Sometime later.
696
+
697
+ So this little tumour that emerged in the brain was
698
+
699
+ up here between the two lobes at the very top
700
+
701
+ of the motor cortex.
702
+
703
+ If you remember back to the monthlies that we looked
704
+
705
+ at when we talked about sensorimotor cortices, the progression of
706
+
707
+ disease or progression of the disturbances make sense from the
708
+
709
+ structure that most of us.
710
+
711
+ A foot is represented at the top of the brain,
712
+
713
+ near the open close, and the tongue, the face and
714
+
715
+ head emphasised.
716
+
717
+ So is the progression of that seizure of that epileptic
718
+
719
+ form activity move across the cortical surface?
720
+
721
+ So the shaking in different parts of the body reflected
722
+
723
+ that among the organisation.
724
+
725
+ This makes sense for everyone.
726
+
727
+ This simple partial CS is effectively a travelling wave starting
728
+
729
+ from a particular point and moving across the surface of
730
+
731
+ the cortex.
732
+
733
+ Gradually recruiting different parts of the body that represent or
734
+
735
+ control the muscles in particular parts of the body.
736
+
737
+ Some, as I mentioned before, some seizures seem to be
738
+
739
+ familial, inherited.
740
+
741
+ I've learned quite a lot about them by studying rare
742
+
743
+ cases of one of the psychotic twins and looking at
744
+
745
+ the seizures that they sometimes have.
746
+
747
+ This is one famous example.
748
+
749
+ This is a pair of Monozygotic twins, Constance and Catherine,
750
+
751
+ who have absence epilepsy in this case.
752
+
753
+ What I want you to take away from this is
754
+
755
+ electroencephalogram recordings taken from Constance and Catherine, I think at
756
+
757
+ different times.
758
+
759
+ Or you should notice the structure of the epileptic form
760
+
761
+ discharges that are happening on these EEG channels are remarkably
762
+
763
+ similar across the two twins.
764
+
765
+ So over here, these these structures, these regions are very
766
+
767
+ similar over here and so forth.
768
+
769
+ So the structure of the seizures that they're having seems
770
+
771
+ to be very similar, seem to have the genetic basis
772
+
773
+ should be identifiable and seem to control the seizures that
774
+
775
+ they're having.
776
+
777
+ Indeed, if we actually look across a large number of
778
+
779
+ cohort studies and trends, we find a large piecewise concordance
780
+
781
+ between those two things.
782
+
783
+ In generalised epilepsies, about 80% of the variance is explained
784
+
785
+ and even in focal epilepsies, about 40% of the variance
786
+
787
+ is explained.
788
+
789
+ This case was concordance goes down substantially if you look
790
+
791
+ at guys iconic twins rather than monozygotic twins.
792
+
793
+ So there's something particular about some of the genes in
794
+
795
+ these individuals that is disrupted.
796
+
797
+ And remember, back to the first couple of lectures we
798
+
799
+ had when we talked about the presence of ion channels
800
+
801
+ in the membranes of nerve cells, it should make sense.
802
+
803
+ A lot of these disorders are the disorder of specific
804
+
805
+ kinds of ion channels that are important in regulating neuronal
806
+
807
+ excitability, particularly sodium channels and potassium channels.
808
+
809
+ These channels get disordered and therefore the normal structure of
810
+
811
+ new activity is disrupted and the cells or the circuits
812
+
813
+ that they are part of become susceptible to the possibility
814
+
815
+ of being pushed into regimes where they become epileptic form.
816
+
817
+ Remember, this letter form activity is not just an individual,
818
+
819
+ so rhythmically discharging its spiking activity across a network of
820
+
821
+ nerve cells, hundreds of thousands of cells, it suddenly becomes
822
+
823
+ entrained makes this reverberant circuit of activity.
824
+
825
+ So normally the activity of really cold, only the activity
826
+
827
+ of the brain is sufficient to suppress the epileptic form
828
+
829
+ discharge.
830
+
831
+ But in people with these channel up with these, as
832
+
833
+ they called that activity, is that the normal ways of
834
+
835
+ controlling these these activity, stopping neurones from getting hyper excitable
836
+
837
+ is disrupted and these people are therefore susceptible to seizures.
838
+
839
+ She'll also say that you can actually many people are
840
+
841
+ also sensitive to what's called photosensitive epilepsy.
842
+
843
+ You're probably all aware of those trigger warnings that come
844
+
845
+ up often between newspaper.
846
+
847
+ News reports on the TV saying there will be flash
848
+
849
+ photography in the upcoming segment.
850
+
851
+ And the reason those trigger warnings are there is because
852
+
853
+ if you have sensitive epilepsy, you can be susceptible.
854
+
855
+ You can be induced to have a seizure response seizure
856
+
857
+ anyway by the presence of that flickering light from the
858
+
859
+ flash photography.
860
+
861
+ It's not exactly clear how or why this this works,
862
+
863
+ why the light entering the eye in trains, rhythms in
864
+
865
+ the brain, therefore causes his epileptic seizures.
866
+
867
+ But about 3% of people suffering from epileptic seizures have
868
+
869
+ this sort of sensitive epilepsy, generally triggered by lights of
870
+
871
+ flicker and about 15 to 25 frames per second.
872
+
873
+ Close to the aphorism that we mentioned over visual cortex,
874
+
875
+ and maybe that's got something to do with it.
876
+
877
+ We just don't know.
878
+
879
+ And can be triggered by ceiling fan, strobe strobe lights,
880
+
881
+ etc. for anything that makes this rhythmic on 15 to
882
+
883
+ 20 times per second.
884
+
885
+ Visual image.
886
+
887
+ The following statement I leave you because I don't actually
888
+
889
+ really understand.
890
+
891
+ I wrote it down because I remember this happening.
892
+
893
+ But who hears what's spoken on?
894
+
895
+ Are too ashamed to admit?
896
+
897
+ Or are you just too old to have done that?
898
+
899
+ Apparently.
900
+
901
+ Apparently, I've never worked for one in my life.
902
+
903
+ The 38 episode broadcast on 64th December 1997, includes a
904
+
905
+ scene where Ash, Ashes and his friends need to go
906
+
907
+ inside the pokey for whatever that is through any device.
908
+
909
+ I remember when it happened, I remember it being a
910
+
911
+ big news story across the world, presumably because a lot
912
+
913
+ of people watching Pokemon on that stage, I suppose very
914
+
915
+ few of you actually born then.
916
+
917
+ But what happened in this thing was the repetitive red,
918
+
919
+ the blue flicker about five times per second, which ash
920
+
921
+ was presumably seen and which was transmitted through the TV
922
+
923
+ screens and induced about 600 to 700 people to have
924
+
925
+ to go to hospital for photosensitive epilepsy in Japan at
926
+
927
+ the time.
928
+
929
+ So this is the reason that we have these trigger
930
+
931
+ warnings when we see flash photography and the people making
932
+
933
+ TV and movies now much more aware of the possibility
934
+
935
+ for sensitive epilepsy.
936
+
937
+ I want to show you some recent progress actually from
938
+
939
+ Queen Square.
940
+
941
+ Again, just as John Houston's Jackson, some from whatever, years
942
+
943
+ ago.
944
+
945
+ This is work from a group of people at a
946
+
947
+ very large epilepsy research group at the Queen Square Institute
948
+
949
+ of Neurology.
950
+
951
+ I think this is a really interesting and important innovation.
952
+
953
+ I'll take you through.
954
+
955
+ It came out earlier this year.
956
+
957
+ It also speaks a little bit to some of the
958
+
959
+ noise that you've picked up over the last few weeks.
960
+
961
+ The underlying thought from these researchers was the following.
962
+
963
+ Epileptic activity is this increase in discharge above the normal
964
+
965
+ rate in nerve cells?
966
+
967
+ It follows that that increase in discharge triggers some processes,
968
+
969
+ interestingly, that we might be able to tap into.
970
+
971
+ In particular, this thing called IED or immediate.
972
+
973
+ Early gene is something we've known for about 25 years
974
+
975
+ now that when neurones become more active than normal, that
976
+
977
+ triggers this expression of this thing called IED.
978
+
979
+ We don't know exactly what it's doing, but we know
980
+
981
+ it gets expressed.
982
+
983
+ And these researchers have the idea.
984
+
985
+ All right, We know that this stuff only gets expressed
986
+
987
+ in these regimes of very heightened activity.
988
+
989
+ So if we can introduce a construct into the cells
990
+
991
+ that are sensitive to the expression of those immediate early
992
+
993
+ genes, we might be able to turn down the activity
994
+
995
+ in the cells that have been over activated.
996
+
997
+ And so they introduced what's called a form of potassium
998
+
999
+ channel that actually decreases neuronal excitability and whose expression expression
1000
+
1001
+ of this protein was linked to the expression of this
1002
+
1003
+ immediate early gene.
1004
+
1005
+ So when an epileptic discharge starts, the hypothesis is that
1006
+
1007
+ when they discharge start, that increases neural activity, which in
1008
+
1009
+ turn drives the production of this immediate early gene.
1010
+
1011
+ That immediate early gene production in turn drives the production
1012
+
1013
+ of this novel protein that they've been able to introduce
1014
+
1015
+ into the cells by means of a virus is otherwise
1016
+
1017
+ not destructive to the cells.
1018
+
1019
+ And then that that expression of that protein in turn
1020
+
1021
+ will drive down the activity and stop the seizure.
1022
+
1023
+ That was a hypothesis they wanted to explore.
1024
+
1025
+ And the work that I published earlier this year suggests
1026
+
1027
+ that this is true and might be a mechanism for
1028
+
1029
+ actually treating fungal epilepsies, at least in some patients.
1030
+
1031
+ To do this, they induced in a mouse model to
1032
+
1033
+ test this hypothesis because epilepsy is a product of brain
1034
+
1035
+ networks and not easily reproduced and induced, although they did
1036
+
1037
+ do work in vivo before doing this in vivo working
1038
+
1039
+ mouse they induced.
1040
+
1041
+ There's a standard model of generating epilepsy in mice.
1042
+
1043
+ In mice don't suffer too much from this.
1044
+
1045
+ They do get seizures, but this doesn't seem to cause
1046
+
1047
+ much pain or distress.
1048
+
1049
+ After after these seizures were induced, they then measured the
1050
+
1051
+ electrical activity by an electrical program electrode placed on the
1052
+
1053
+ brain.
1054
+
1055
+ And they injected these viruses into the parts of the
1056
+
1057
+ brain where the seizures were occurring.
1058
+
1059
+ So if they inject this far in the brain, they
1060
+
1061
+ can then compare the reduction of seizures in the mice
1062
+
1063
+ that have been treated with the control virus or this
1064
+
1065
+ virus that produces this particular protein.
1066
+
1067
+ And sure enough, they find it was in the control
1068
+
1069
+ virus conditions.
1070
+
1071
+ Mice continued to have seizures as each of these little
1072
+
1073
+ batches shows over the course of several weeks at a
1074
+
1075
+ time of a seizure.
1076
+
1077
+ They're recording continuously, by the way, from the animals.
1078
+
1079
+ They find that in these animals treated with the active
1080
+
1081
+ form of the virus, that those ones are stopping the
1082
+
1083
+ seizures.
1084
+
1085
+ So this opens up the possibility that we might be
1086
+
1087
+ able to inject into people who are having intractable epileptic
1088
+
1089
+ seizures, at least focal seizures.
1090
+
1091
+ We start from particular part of the brain.
1092
+
1093
+ We can inject into that part of the brain some
1094
+
1095
+ virus that expresses a protein like this, but then in
1096
+
1097
+ turn allows that part of the brain to effectively control
1098
+
1099
+ production of epileptic discharges.
1100
+
1101
+ I showed.
1102
+
1103
+ In other words, that I'm not showing here, they showed
1104
+
1105
+ that the presence of this virus in doesn't interfere with
1106
+
1107
+ normal behaviour, but only really with epileptic seizures.
1108
+
1109
+ They're really important and encouraging evidence because people with intractable
1110
+
1111
+ epilepsy at the moment, the sole way of trying to
1112
+
1113
+ address the seizures is to try and excise from the
1114
+
1115
+ brain a little bit of brain tissue to generate the
1116
+
1117
+ seizure.
1118
+
1119
+ So instead of taking out that piece of brain tissue,
1120
+
1121
+ the hope is that we can use a virus that's
1122
+
1123
+ otherwise safe but allows the neurones to suppress the epileptic
1124
+
1125
+ discharge.
1126
+
1127
+ A really important advance from my colleagues over Queensway.
1128
+
1129
+ So remember with a simple partial seizures which spread from
1130
+
1131
+ a part of the brain down to another, therefore causing
1132
+
1133
+ trembling and different things that focal because they start at
1134
+
1135
+ a particular point and then they spread like a travelling
1136
+
1137
+ wave across the brain, as opposed to generalised epilepsy, which
1138
+
1139
+ is a large.
1140
+
1141
+ Synchronisation of brain activity across the entire brain.
1142
+
1143
+ So this focus on start at particular point and spread.
1144
+
1145
+ And because I started at the point you can actually
1146
+
1147
+ introduce a virus at that particular point I should have
1148
+
1149
+ said that those focal partial seizures, they start from a
1150
+
1151
+ reproducible place in the person's brain.
1152
+
1153
+ It's not like they start from different places on different
1154
+
1155
+ seasons.
1156
+
1157
+ They start from the same place each time and spread
1158
+
1159
+ across the brain from that same place.
1160
+
1161
+ So because the you can then introduce this virus and
1162
+
1163
+ try to.
1164
+
1165
+ See this as an end or partial.
1166
+
1167
+ Or is are there like an off?
1168
+
1169
+ I don't think there are.
1170
+
1171
+ I think they have to be focal otherwise that generalised.
1172
+
1173
+ I don't know whether or not the size of that
1174
+
1175
+ focus could be quite variable.
1176
+
1177
+ I have a friend who studies epilepsy epileptic patients in
1178
+
1179
+ Australia.
1180
+
1181
+ He actually a lot of people, as you may know,
1182
+
1183
+ a lot of people that have epilepsy have aura associated
1184
+
1185
+ with a preceding the epileptic discharge.
1186
+
1187
+ And often this aura has structure a bit like the
1188
+
1189
+ migraine has associated with migraine has structure and can actually
1190
+
1191
+ because of that, people know when they're about to have
1192
+
1193
+ or at least some time before they're about to have
1194
+
1195
+ an electrical seizure.
1196
+
1197
+ And my friend has been studying those people by putting
1198
+
1199
+ them in a brain scanner during the seizure, actually.
1200
+
1201
+ These are at least four seizures, partial seizures, which don't
1202
+
1203
+ have massive consequences for the individuals.
1204
+
1205
+ And you can see the progression of this activity in
1206
+
1207
+ the brain during during scanning.
1208
+
1209
+ Okay, So that's I just want to take through the
1210
+
1211
+ seizures that clear result really of probably of mainly of
1212
+
1213
+ channel opposites all these disorders of ion channels that regulate
1214
+
1215
+ the normal excitability of neurones.
1216
+
1217
+ The hope is that we can try and treat these
1218
+
1219
+ by effectively resurrecting that normal control of those ion channels.
1220
+
1221
+ Seizures are fairly rare and we're going to make a
1222
+
1223
+ lot of progress in trying to deal with them.
1224
+
1225
+ Other disorders were made much less progress, and one of
1226
+
1227
+ the most prominent is Alzheimer's disease, a form of dementia
1228
+
1229
+ which is increasingly prevalent.
1230
+
1231
+ So there's actually many different types of dementias.
1232
+
1233
+ My grandmother had Alzheimer's disease.
1234
+
1235
+ Many people's grandparents, I suspect, or even parents will be
1236
+
1237
+ suffering from Alzheimer's disease or related dementia.
1238
+
1239
+ Alzheimer's disease is by far the largest, most common occurrence.
1240
+
1241
+ How?
1242
+
1243
+ How well it can be distinguished from other types of
1244
+
1245
+ dementia is still a matter of debate.
1246
+
1247
+ These dementias have common causes.
1248
+
1249
+ It's still quite.
1250
+
1251
+ Another common form of dementia is vascular dementia.
1252
+
1253
+ That's where three years old strokes, which then allow a
1254
+
1255
+ little bit of blood in parts of the brain, turn
1256
+
1257
+ triggers the brain to start self-destruction basically in that area.
1258
+
1259
+ You can get dementia from having many of these multiple
1260
+
1261
+ little strokes, which then have an impact on brain function.
1262
+
1263
+ There's also much less common forms of dementia which have
1264
+
1265
+ been important, like the one those iconic twins with seizure
1266
+
1267
+ disorders.
1268
+
1269
+ Those common those rare forms of dementia have been very
1270
+
1271
+ important to understanding the potential mechanisms of dementia, because we
1272
+
1273
+ can look at some of the genetic contributions of those.
1274
+
1275
+ This includes frontotemporal dementia, Pick's disease course for Jakob Disease,
1276
+
1277
+ Huntington's disease, Parkinson's dementia and Lewy body disease.
1278
+
1279
+ Many of these diseases have other effects as well.
1280
+
1281
+ Dementia is a part of the condition, not necessarily the
1282
+
1283
+ entire condition.
1284
+
1285
+ I got this line from This is the last World
1286
+
1287
+ Report from the World from the Outside Disease Foundation.
1288
+
1289
+ This just goes to show you the kind of prevalence
1290
+
1291
+ of Alzheimer's disease now and predicted prevalence in the future.
1292
+
1293
+ About one person around the world becomes diagnosed with dementia
1294
+
1295
+ every 3 seconds.
1296
+
1297
+ In 2015, there are already 50 million people in the
1298
+
1299
+ world who suffering from dementia is projected to be triple
1300
+
1301
+ that in 2050.
1302
+
1303
+ It's a huge we spend a large amount of resources
1304
+
1305
+ that we produce treating people with dementia.
1306
+
1307
+ And it's a worldwide phenomenon in particular as life expectancy
1308
+
1309
+ increases in the global south.
1310
+
1311
+ Dementia is becoming more and more prevalent there as well
1312
+
1313
+ and has to date being primarily a ritual disease because
1314
+
1315
+ life expectancy is longer in those parts of the world
1316
+
1317
+ and Alzheimer's disease or other dimensions.
1318
+
1319
+ And we strike older people.
1320
+
1321
+ I think the current ratio is something like 20% of
1322
+
1323
+ people over the age of 18 will have Alzheimer's disease
1324
+
1325
+ or dementia before they die.
1326
+
1327
+ The number is much less for people over 65.
1328
+
1329
+ So as as life expectancy increases, as more and more
1330
+
1331
+ people live over the age of 80, respect dementia, profound
1332
+
1333
+ increase around the world.
1334
+
1335
+ It's hard for those of us who don't have dementia
1336
+
1337
+ to gain some insight into what it feels like, what
1338
+
1339
+ it is like to suffer from dementia.
1340
+
1341
+ I find this William Autumn Olin's.
1342
+
1343
+ Ought to be at least one attempted insight into that.
1344
+
1345
+ He was diagnosed with the Alzheimer's disease in 1995.
1346
+
1347
+ He actually lived a bit longer than most people who
1348
+
1349
+ suffer from Alzheimer's disease.
1350
+
1351
+ And he was able as an artist to try and
1352
+
1353
+ describe some of the.
1354
+
1355
+ Changes in his cognition as he developed Alzheimer's disease, or
1356
+
1357
+ at least in the first few years.
1358
+
1359
+ This is the first portrait he made when he was
1360
+
1361
+ diagnosed, actually a man untethered, someone lost in the world.
1362
+
1363
+ As dementia progressed, as his disorder progressed, his his art
1364
+
1365
+ takes on particular forms.
1366
+
1367
+ You can see that he's a very accomplished artist, very
1368
+
1369
+ capable of generating self-portraits.
1370
+
1371
+ Back in 1996, in this case, when he's only a
1372
+
1373
+ year or so after the diagnosis.
1374
+
1375
+ What I hope you notice is that the structure of
1376
+
1377
+ these images changes substantially over the next five years.
1378
+
1379
+ There's a lot of death, lots of structure.
1380
+
1381
+ There's a changing affect.
1382
+
1383
+ There's capacity to see and to feel is changing fairly
1384
+
1385
+ quickly over these several years.
1386
+
1387
+ And really having a disorder of both his representation of
1388
+
1389
+ the world, but also his internal representation of himself.
1390
+
1391
+ Alzheimer's disease is named after Alois Alzheimer, who was an
1392
+
1393
+ Austrian neuropathologist at the turn of the last century.
1394
+
1395
+ He made his discoveries by studying data.
1396
+
1397
+ Peter Peter, who was one of the unfortunate people who
1398
+
1399
+ suffered early onset Alzheimer's disease.
1400
+
1401
+ She was only about 50 when she was taken to
1402
+
1403
+ his unit by her husband, who was a railway worker,
1404
+
1405
+ needed to, couldn't take care of her anymore, and needed
1406
+
1407
+ someone else to take care of her and outside to
1408
+
1409
+ work with her while she was alive and asked her
1410
+
1411
+ questions and so forth.
1412
+
1413
+ And then when she died in, I think, 1986 and
1414
+
1415
+ performed histopathology on her brain afterwards to see what had
1416
+
1417
+ happened to her brain.
1418
+
1419
+ And that might be part of the disorder that he
1420
+
1421
+ recognised or witnessed in her cognition.
1422
+
1423
+ The first thing she said basically when she met him
1424
+
1425
+ was that he had lost her so that his wasn't
1426
+
1427
+ able to remember who she was, why she was there,
1428
+
1429
+ etc..
1430
+
1431
+ You remember something?
1432
+
1433
+ What is your name?
1434
+
1435
+ Augusta.
1436
+
1437
+ What's her last name?
1438
+
1439
+ Augusta.
1440
+
1441
+ Struggling to try and find the elements of her memory
1442
+
1443
+ that she could bring to bear to the questions asked.
1444
+
1445
+ But she wasn't capable, really, even when he saw her
1446
+
1447
+ when she was 50.
1448
+
1449
+ Of doing much in life anymore.
1450
+
1451
+ And Alzheimer's disease is a very rapid progressive disease.
1452
+
1453
+ On average is about eight years.
1454
+
1455
+ This is increasing now as our treatments have improved, but
1456
+
1457
+ on average about eight years from diagnosis to death.
1458
+
1459
+ That's a very rapid.
1460
+
1461
+ And for those who suffer a debilitating and disorienting disorder.
1462
+
1463
+ One.
1464
+
1465
+ One way of thinking about Alzheimer's disease is that it's
1466
+
1467
+ a be like development in reverse.
1468
+
1469
+ So, for example, if you think about how we develop
1470
+
1471
+ over our normal life.
1472
+
1473
+ And I think we can hold up ahead off the
1474
+
1475
+ one, two, three months.
1476
+
1477
+ We can speak a word after year.
1478
+
1479
+ We can write sentences.
1480
+
1481
+ After about 18 months, we can control and our defaecation
1482
+
1483
+ and urine.
1484
+
1485
+ After a couple of years, we can shower unaided.
1486
+
1487
+ After four or five years, we can handle simple finances.
1488
+
1489
+ After about ten years of age and hold it over
1490
+
1491
+ for about 12.
1492
+
1493
+ And if you look at the progression of the Alzheimer's
1494
+
1495
+ disorders like this in reverse, you first lose your capacity
1496
+
1497
+ to hold a job with the capacity to handle your
1498
+
1499
+ finances, to dress yourself, to actually out of words, and
1500
+
1501
+ finally to actually do most of the functions that we
1502
+
1503
+ take for granted.
1504
+
1505
+ So this is an idea that Alzheimer's disease is a
1506
+
1507
+ bit like Retford genesis or development in reverse.
1508
+
1509
+ So you probably have seen pictures like this before.
1510
+
1511
+ This is a gross pathology of an Alzheimer's disease patient.
1512
+
1513
+ On the left is a healthy brain.
1514
+
1515
+ On the right is someone with advanced Alzheimer's.
1516
+
1517
+ You can see the substantial thinning of the grey matter
1518
+
1519
+ in the cortex as a large enlargement of the ventricles,
1520
+
1521
+ in this case of very severe hippocampal damage, losing much
1522
+
1523
+ of the hippocampus and therefore very much of our capacity
1524
+
1525
+ for memory.
1526
+
1527
+ On a microscopic level.
1528
+
1529
+ This is what Alzheimer found 120 years ago as two
1530
+
1531
+ major features that still remain prominent in our understanding of
1532
+
1533
+ Alzheimer's disease.
1534
+
1535
+ The first is that there are these things called senile
1536
+
1537
+ plaques, which are these things about anywhere between about 1/10
1538
+
1539
+ and one half of a millimetre in size.
1540
+
1541
+ Sometimes you can see them on unaided with the naked
1542
+
1543
+ eye.
1544
+
1545
+ And these are little disruptions of the brain structure, which
1546
+
1547
+ are filled with a protein called amyloid beta.
1548
+
1549
+ And on the right here is the other aspect of
1550
+
1551
+ pathology that seems to be very prominent people with Alzheimer's
1552
+
1553
+ disease.
1554
+
1555
+ That's what's called neurofibrillary tangles.
1556
+
1557
+ These are basically disordered conglomerations of a protein called Tao
1558
+
1559
+ Utown, which has a large number of roles in regulating,
1560
+
1561
+ especially transport of substances to the cell.
1562
+
1563
+ And there's a lot they organise into long filaments and
1564
+
1565
+ somehow they start that filaments start breaking down and start
1566
+
1567
+ breaking into what we call tangles.
1568
+
1569
+ So these Tao and Amyloid are the two major proteins
1570
+
1571
+ associated with Alzheimer's disease.
1572
+
1573
+ Yeah.
1574
+
1575
+ Does it look like it?
1576
+
1577
+ Absolutely.
1578
+
1579
+ Yeah.
1580
+
1581
+ It's one of the more fundamental proteins in ourselves.
1582
+
1583
+ So now the question was, is Tao normally present or
1584
+
1585
+ is it just present in in Alzheimer's disease brains?
1586
+
1587
+ It is normally present.
1588
+
1589
+ It's because of a particular.
1590
+
1591
+ Way of how it interacts with other molecules of Tao.
1592
+
1593
+ If this gets disordered, it starts to out of the
1594
+
1595
+ solution and form these tangles.
1596
+
1597
+ And so in Alzheimer's disease is proteins get slightly disordered.
1598
+
1599
+ They get called hyper phosphorylated.
1600
+
1601
+ Once they are hyper phosphorylated, they can come out of
1602
+
1603
+ the solution form these tangles or neurofibrillary tangles within the
1604
+
1605
+ cell.
1606
+
1607
+ This slide here shows the kind of progression of these
1608
+
1609
+ two different proteins, amyloid and TAL, as a function of
1610
+
1611
+ time in the progression of Alzheimer's disease.
1612
+
1613
+ It's hypothesised, it's not yet clear that there's not a
1614
+
1615
+ huge amount of evidence for it.
1616
+
1617
+ The amyloid first is causal.
1618
+
1619
+ But certainly the case that amyloid emerges early on in
1620
+
1621
+ dementia, followed by TAL and then after that followed by
1622
+
1623
+ neurodegeneration loss of cells and sinuses, and after that followed
1624
+
1625
+ by cognitive decline.
1626
+
1627
+ The cognitive decline is probably paralleling the loss of self
1628
+
1629
+ and finances, in fact, may even be emerging earlier.
1630
+
1631
+ But the overt signs of cognitive decline happened late on
1632
+
1633
+ in the season.
1634
+
1635
+ The consequence of that means is that by the time
1636
+
1637
+ you know that someone is suffering from dementia, from a
1638
+
1639
+ cognitive perspective, it's already too late.
1640
+
1641
+ Basically, our brain is very capable of making up things
1642
+
1643
+ for ourselves and hiding the fact that it's losing its
1644
+
1645
+ function.
1646
+
1647
+ And by the time we find that someone is demented,
1648
+
1649
+ that his pathological calmness, not to mention already too far
1650
+
1651
+ gone to do much about it.
1652
+
1653
+ We actually know surprisingly little about how amyloid and tal
1654
+
1655
+ affect brain function.
1656
+
1657
+ One of the reasons for this is it's actually been
1658
+
1659
+ surprisingly difficult to generate animal models of Alzheimer's disease.
1660
+
1661
+ It's not completely clear why this is.
1662
+
1663
+ We can certainly generate animal models where we introduce mutated
1664
+
1665
+ forms of amyloid or mutated forms of cow that have
1666
+
1667
+ been mutations for which have been deduced from people who
1668
+
1669
+ suffer from Alzheimer's disease.
1670
+
1671
+ And we can see that those things can lead to
1672
+
1673
+ the formation of plants and the formation of these neurofibrillary
1674
+
1675
+ tangles.
1676
+
1677
+ Often they do not lead to neurodegeneration and they only
1678
+
1679
+ have mild effects on the cognitive performance of these animals.
1680
+
1681
+ So why it is that it seems to be more
1682
+
1683
+ the case in humans and so hard to generate these
1684
+
1685
+ animal models of it is unclear.
1686
+
1687
+ But the consequence of that is that we actually know
1688
+
1689
+ precious little about the functional aspects of neurodegeneration.
1690
+
1691
+ However, we do know a little bit.
1692
+
1693
+ Whereas in the control condition here, these neurones are healthy
1694
+
1695
+ of normal neuronal activity.
1696
+
1697
+ This, by the way, is from a view from a
1698
+
1699
+ Bush who is in the Dementia Research Institute.
1700
+
1701
+ He's based.
1702
+
1703
+ 100 metres away in the old building.
1704
+
1705
+ No critical building site.
1706
+
1707
+ Mark is a very prominent researcher in this field.
1708
+
1709
+ We've also joined in the last little while.
1710
+
1711
+ Be sorry when this app.
1712
+
1713
+ This is a particular precursor to more don't worry too
1714
+
1715
+ much about this is basically in animals who have this
1716
+
1717
+ overproduction of amyloid beta and stand on these plaques.
1718
+
1719
+ We often find hyperactivity increased activity in the brain.
1720
+
1721
+ Later on when that android over production is joined by
1722
+
1723
+ talent misfolding, we find a reduction in activity.
1724
+
1725
+ It seems to be the case that this stage of
1726
+
1727
+ the amyloid production stage.
1728
+
1729
+ We can still rescue some of these phenotypes in mice,
1730
+
1731
+ whereas once the towers joined the amyloid and started leading
1732
+
1733
+ to hyperactivity, this phenotype seems to be incapable of being
1734
+
1735
+ rescued.
1736
+
1737
+ But it's still very early days to.
1738
+
1739
+ So what do you mean by that?
1740
+
1741
+ Is that you can rescue brain function.
1742
+
1743
+ Yeah.
1744
+
1745
+ Okay.
1746
+
1747
+ Sorry.
1748
+
1749
+ All right.
1750
+
1751
+ Just use the word phenotype.
1752
+
1753
+ And unfortunately, you can rescue brain function.
1754
+
1755
+ That is, if you stop the production of amyloid, you
1756
+
1757
+ can get cells back into the normal healthy state and
1758
+
1759
+ stop degeneration.
1760
+
1761
+ If you if you leave it later than that, you
1762
+
1763
+ get to a stage where you can't seem to stop
1764
+
1765
+ this process.
1766
+
1767
+ In humans.
1768
+
1769
+ We know quite a lot about the progression of Alzheimer's
1770
+
1771
+ disease and the and the pathology that's associated with it.
1772
+
1773
+ And in the large number of people that we see
1774
+
1775
+ in the clinic, Alzheimer's disease is started in the temporal
1776
+
1777
+ lobe, in the internal cortex or in the hip around
1778
+
1779
+ the hippocampal formation.
1780
+
1781
+ So starts this accumulation of talent and amyloid plaque starts
1782
+
1783
+ down here and then starts to spread across the rest
1784
+
1785
+ of the brain.
1786
+
1787
+ It's a fairly slow process.
1788
+
1789
+ Why is the temple open?
1790
+
1791
+ I'm sorry.
1792
+
1793
+ I just want to be see with my face and.
1794
+
1795
+ Do have a of.
1796
+
1797
+ Yeah, I think I believe the slide from this presentation,
1798
+
1799
+ but I think is there in your notes which is
1800
+
1801
+ an example where.
1802
+
1803
+ PET imaging, positron emission tomography imaging, which can be used
1804
+
1805
+ later to visualise the location of radio labelled proteins or
1806
+
1807
+ substances we can introduce using PET.
1808
+
1809
+ We can detect where this disordered amyloid or disordered pal
1810
+
1811
+ is and we can therefore look at the location of
1812
+
1813
+ those things in people.
1814
+
1815
+ So.
1816
+
1817
+ I think your next question would be why can we
1818
+
1819
+ therefore say, is this person starting to suffer from dementia
1820
+
1821
+ or something like that even before the cognitive symptoms emerge?
1822
+
1823
+ That we haven't progressed to that stage yet.
1824
+
1825
+ So we know that doing in people who are suffering
1826
+
1827
+ from Alzheimer's, dementia, that you can see this structure and
1828
+
1829
+ location of these disordered proteins.
1830
+
1831
+ But these proteins are present in normal brains as well.
1832
+
1833
+ And so in the early stages we can track it
1834
+
1835
+ and we can kind of post-hoc reconstruct that this has
1836
+
1837
+ happened.
1838
+
1839
+ But in terms of being a specific predictor of what
1840
+
1841
+ will happen in someone's brain.
1842
+
1843
+ We're still not at that stage, if that makes sense.
1844
+
1845
+ So we can see the presence of these proteins and
1846
+
1847
+ the possibility that someone might be more likely to suffer
1848
+
1849
+ from degeneration of dementia.
1850
+
1851
+ We can't say on an individual specific basis that you
1852
+
1853
+ will suffer from degeneration of dementia.
1854
+
1855
+ It's not at that kind of specificity at the moment,
1856
+
1857
+ but we can track those proteins at least with p
1858
+
1859
+ t, which is very invasive.
1860
+
1861
+ It's not something you can scale out to 150 million
1862
+
1863
+ people in the world, but it that way.
1864
+
1865
+ There is some hope, by the way, that and I
1866
+
1867
+ haven't put it here, but we are starting at the
1868
+
1869
+ moment.
1870
+
1871
+ Other techniques.
1872
+
1873
+ So, for example, the electroencephalogram, which, as I showed you,
1874
+
1875
+ is very important at picking up seizures.
1876
+
1877
+ Turns out there's very characteristic changes in that transfer ground
1878
+
1879
+ at some stages of Alzheimer's disease as well.
1880
+
1881
+ We'd like to think that maybe if we knew more
1882
+
1883
+ about the structure of the circuits involved, also what's happening
1884
+
1885
+ to the circuits involved?
1886
+
1887
+ Early stages, we might be able to find signatures of
1888
+
1889
+ that disorder even earlier on in patients and therefore be
1890
+
1891
+ able, since EEG is a very cheap, easy thing to
1892
+
1893
+ introduce, might be able to say have that in the
1894
+
1895
+ clinic somewhere and just somewhat construe brief EEG study or
1896
+
1897
+ something like that, four years age and see whether or
1898
+
1899
+ not they're easy activities, predicting that they might be at
1900
+
1901
+ risk of these diseases, whether we'll ever move to like
1902
+
1903
+ proper predictive, I'm not sure.
1904
+
1905
+ But it might be able to pick up some people
1906
+
1907
+ from these methods.
1908
+
1909
+ If you look at the stages of Alzheimer's disease and
1910
+
1911
+ what you know of brain function, Hugo and I and
1912
+
1913
+ others have told you over the last few weeks that
1914
+
1915
+ the different stages of Alzheimer's disease make sense.
1916
+
1917
+ If it starting in the temporal cortex, then the first
1918
+
1919
+ stage is going to be hippocampal formation and final cortex.
1920
+
1921
+ We know that these areas are important in spatial navigation,
1922
+
1923
+ sexual orientation, and it's no surprise, therefore, to discover that
1924
+
1925
+ one of the first things to go in Alzheimer's disease
1926
+
1927
+ is your capacity to navigate around the world as the
1928
+
1929
+ disorder moves up through the brain.
1930
+
1931
+ This is just a schematic of that.
1932
+
1933
+ For example, in the prior two cortex that you start
1934
+
1935
+ to lose your visuospatial kind of organisation as we discuss
1936
+
1937
+ the consequence of neglect.
1938
+
1939
+ And as it moves more to say, the frontal cortex
1940
+
1941
+ and you start to lose your abstract reasoning capacity.
1942
+
1943
+ So the structure of the brain, a bit like those
1944
+
1945
+ focal seizures, it is travelling wave on a much faster
1946
+
1947
+ timescale, moving out across the brain.
1948
+
1949
+ So this kind of travelling wave disorder from the temporal
1950
+
1951
+ cortex to the rest of the brain has predictable cognitive
1952
+
1953
+ consequences.
1954
+
1955
+ I won't go through the news this time, but this
1956
+
1957
+ is the kind of exam that you might do in
1958
+
1959
+ the clinic to try and assess whether someone has dementia.
1960
+
1961
+ I encourage you to do it and particularly to try
1962
+
1963
+ and do it.
1964
+
1965
+ The Where is it?
1966
+
1967
+ Serial seventh task count back in seven for 100.
1968
+
1969
+ I sometimes think I have to mention when I do
1970
+
1971
+ this, I won't go through it now.
1972
+
1973
+ What I want.
1974
+
1975
+ And I also want to go through a couple of
1976
+
1977
+ these hypotheses just in time.
1978
+
1979
+ For a long time, we thought that some disruption to
1980
+
1981
+ the cognitive system was important in the pathogenesis of dementia.
1982
+
1983
+ It doesn't.
1984
+
1985
+ Well, it might well be important for treating that.
1986
+
1987
+ It doesn't seem to have much effect.
1988
+
1989
+ Studies are being made trying to treat the cognitive system
1990
+
1991
+ to see whether that has an impact on the occurrence
1992
+
1993
+ of dementia.
1994
+
1995
+ Very little progress has been made.
1996
+
1997
+ By studying rare familial cases of dementia, that is, people
1998
+
1999
+ who get early onset dementia.
2000
+
2001
+ These tend to be much more genetic link and sporadic
2002
+
2003
+ cases that occur later on in life.
2004
+
2005
+ And there are some clear genes that are involved, most
2006
+
2007
+ of which are related.
2008
+
2009
+ Most of the known genes are related to some part
2010
+
2011
+ of the amyloid pathway.
2012
+
2013
+ And John Hardy, who is at the Institute of Neurology,
2014
+
2015
+ is the one who's promoted the idea that amyloid is
2016
+
2017
+ important in the pathogenesis of Alzheimer's disease.
2018
+
2019
+ This is a slide, I think, from one of his
2020
+
2021
+ reviews, but this is his basic hypothesis that there's some
2022
+
2023
+ kind of change in how the brain metabolises and like
2024
+
2025
+ beta, which in turn leads to all the other steps
2026
+
2027
+ that cause degeneration and also the sort of power that
2028
+
2029
+ we know happens later on.
2030
+
2031
+ I won't go through these in any particular detail.
2032
+
2033
+ The point is that this changes in the amyloid beta
2034
+
2035
+ metabolism cause the the kinds of inflammation and injury to
2036
+
2037
+ nerve cells that we see later on in the disorder
2038
+
2039
+ and end up with dementia with plaque and have pathology.
2040
+
2041
+ Now, consequence of this hypothesis is that if you were
2042
+
2043
+ able to treat the amyloid beta early on, you might
2044
+
2045
+ be able to stop the rest of the cascade and
2046
+
2047
+ prevent or at least slow down degeneration.
2048
+
2049
+ And many of you may be aware of this study
2050
+
2051
+ from two weeks ago that came out among eight month
2052
+
2053
+ study in collaboration with pharmaceutical companies looking at antibody against
2054
+
2055
+ and why beta of people, family beta and immunising people
2056
+
2057
+ with that antibody and seeing whether or not it might
2058
+
2059
+ protect against Alzheimer's disease.
2060
+
2061
+ And this is a figure from that paper which is
2062
+
2063
+ cited down here and yet has a doesn't yet have
2064
+
2065
+ an issue number.
2066
+
2067
+ You can see that in placebo, there's no change in
2068
+
2069
+ employee burden.
2070
+
2071
+ There's when you immunise with this antibody, you get a
2072
+
2073
+ substantial reduction in amyloid burden in the brain.
2074
+
2075
+ The top one here.
2076
+
2077
+ This shows the the dementia score.
2078
+
2079
+ A person might take them to a clinic, but no
2080
+
2081
+ one here says one of the performance measures for cognition.
2082
+
2083
+ The yellow shows what's happening in patients who are being
2084
+
2085
+ treated with this antibody, and the blue shows a placebo.
2086
+
2087
+ And the fact that yellow line is above the blue
2088
+
2089
+ line means an improvement in performance in those people who
2090
+
2091
+ have taken the antibody over placebo.
2092
+
2093
+ So this is, I think, something like a 20% improvement
2094
+
2095
+ in cognition over this 18 month time period, which if
2096
+
2097
+ you're excited, is a great improvement.
2098
+
2099
+ If you're not excited, not much.
2100
+
2101
+ It all depends which side you see on the fence
2102
+
2103
+ there.
2104
+
2105
+ I think even the hottest proponents here would say this
2106
+
2107
+ is just the first step.
2108
+
2109
+ Being able to try and treat Alzheimer's disease.
2110
+
2111
+ It's certainly a long way to go.
2112
+
2113
+ And it shows it is potentially, theoretically possible to try
2114
+
2115
+ and stop Alzheimer's disease by blocking or interfering with this
2116
+
2117
+ amyloid beta process early on.
2118
+
2119
+ I'm aware that we need to shut up now.
2120
+
2121
+ I just want to in the last couple of slides,
2122
+
2123
+ just point out to you, we still don't know why
2124
+
2125
+ some people suffer from dementia and others don't.
2126
+
2127
+ What is it?
2128
+
2129
+ Is there a is it just solely divide by genetics?
2130
+
2131
+ Is it some kind of combination of genetics and environmental
2132
+
2133
+ factors?
2134
+
2135
+ What is actually the trigger for the start of degeneration
2136
+
2137
+ in those people who have identical genes?
2138
+
2139
+ There are several hypotheses about.
2140
+
2141
+ I've listened to them in in this.
2142
+
2143
+ At the end of this presentation you can go and
2144
+
2145
+ read about them and the references there as well.
2146
+
2147
+ The fundamental point at the end is that we don't
2148
+
2149
+ know why some people are suffering from dementia and why
2150
+
2151
+ others are not.
2152
+
2153
+ It does seem, though, the most obvious thing to do
2154
+
2155
+ for all of you and for me is that exercise,
2156
+
2157
+ for whatever reason, seems to slow down dementia or prevent
2158
+
2159
+ it.
2160
+
2161
+ So I can only encourage you to walk more, run
2162
+
2163
+ a bit, and exercise and have will also be here
2164
+
2165
+ in about 50 years time.
2166
+
2167
+ All right.
2168
+
2169
+ Thanks for listening.
2170
+
2171
+ Have a good week.
2172
+
2173
+ Hope you get the.
2174
+
2175
+ Still nine degrees.
2176
+
2177
+ As a coach I'm wondering about.
2178
+
2179
+ It's a good question.
2180
+
2181
+ Should.
2182
+
2183
+ That's a very good question.
2184
+
2185
+ I don't know what's happening, but what I do is
2186
+
2187
+ when I get back to October, I think, you know,
2188
+
2189
+ I'm.
2190
+
2191
+ I think in the limit you should be able to
2192
+
2193
+ be done over at the zoo.
2194
+
2195
+ But yeah.
2196
+
2197
+ That's a good question because my.
2198
+
2199
+ Sorry.
2200
+
2201
+ What's that?
2202
+
2203
+ You know what I'm saying?
2204
+
2205
+ Yeah.
2206
+
2207
+ You've got to let it go.
2208
+
2209
+ Tell me nothing.
2210
+
2211
+ Ever happened to you.
2212
+
2213
+ Three.
2214
+
2215
+ Yeah.
2216
+
2217
+ Yeah.
2218
+
2219
+ This is a component from the premise of migraine and.
2220
+
2221
+ So from whatever, I think migraine itself is a spreading
2222
+
2223
+ depression.
2224
+
2225
+ So it's kind of the opposite in terms.
2226
+
2227
+ Of so.
2228
+
2229
+ The reduction in activity.
2230
+
2231
+ I think it's.
2232
+
2233
+ Kind of spreading the or the seasonality is pretty significant.
2234
+
2235
+ So they're having different effects, but they're both spreading.
2236
+
2237
+ They seem to have some link.
2238
+
2239
+ And they're both chronic disorders of the normal people.
2240
+
2241
+ So I don't know why they should be doing that.
2242
+
2243
+ I think I just I know I, me, I oh,
2244
+
2245
+ I'm like always like that sort of interesting that you
2246
+
2247
+ look at the brain go away and it's like how
2248
+
2249
+ like ultimately or mean like sort of like blind spots
2250
+
2251
+ and then like, paralysis in the right hand spreading of
2252
+
2253
+ the right side.
2254
+
2255
+ Yeah.
2256
+
2257
+ Yeah.
2258
+
2259
+ Yeah.
2260
+
2261
+ So and it's I mean, it is interesting.
2262
+
2263
+ I know it's not to be treated as a patient
2264
+
2265
+ over these things, but it is actually fundamentally interesting for.
2266
+
2267
+ I remember seeing a.
2268
+
2269
+ Presentation.
2270
+
2271
+ A lot of people with migraine or or there's always
2272
+
2273
+ structured and ways the leading edge of people often has
2274
+
2275
+ these kind of it's clear answers.
2276
+
2277
+ Which is the hope was that actually one should be
2278
+
2279
+ able to correlate.
2280
+
2281
+ Kinds of special circumstances getting on with the part of
2282
+
2283
+ the visual cortex that was disrupted at the time.
2284
+
2285
+ So it was I believe the early visual cortex had
2286
+
2287
+ been disrupted.
2288
+
2289
+ Can you see things like.
2290
+
2291
+ Edges and stuff like that?
2292
+
2293
+ Whereas.
2294
+
2295
+ Like a bit of prudence.
2296
+
2297
+ Maybe you'd see something, for example.
2298
+
2299
+ I think that they hope to do that by.
2300
+
2301
+ Because it's such a subjective experience.
2302
+
2303
+ You have to be trying to ask people to map
2304
+
2305
+ out what you see or represent.
2306
+
2307
+ Mm hmm.
2308
+
2309
+ Mm hmm.
2310
+
2311
+ I don't know what is going to happen to.
2312
+
2313
+ Not very strongly, but there was a couple.
2314
+
2315
+ All right.
2316
+
2317
+ Just a quick question to you.
2318
+
2319
+ So do you get.
2320
+
2321
+ Partial processes.
2322
+
2323
+ Or do you mean that the neurones hiring, that's what's
2324
+
2325
+ being asked you, don't you just just that because all
2326
+
2327
+ of a sudden.
2328
+
2329
+ Yeah, it's a really interesting point.
2330
+
2331
+ You can kind of think of like this is one
2332
+
2333
+ way of thinking.
2334
+
2335
+ The brain is looking with a certain here.
2336
+
2337
+ And then that.
2338
+
2339
+ And so you get a little disruption here.
2340
+
2341
+ The net effect of an isolated incident.
2342
+
2343
+ Yes.
2344
+
2345
+ And you were talking to each.
2346
+
2347
+ Other over and over.
2348
+
2349
+ I saw you.
2350
+
2351
+ If you get disrupted this little circuit.
2352
+
2353
+ I said.
2354
+
2355
+ And then just to read this letter by something else.
2356
+
2357
+ And that's how and how we keep.
2358
+
2359
+ Says the student who was just here.
2360
+
2361
+ Not it's not clear when that is on.
2362
+
2363
+ At this stage, it doesn't seem like.
2364
+
2365
+ It seems like.
2366
+
2367
+ To start.
2368
+
2369
+ Either that or the disruption of.
2370
+
2371
+ To get something to.
2372
+
2373
+ And.
2374
+
2375
+ And if maybe it triggers.
2376
+
2377
+ So that's one possibility.
2378
+
2379
+ But this is too.
2380
+
2381
+ Important for him to tell what causing.
2382
+
2383
+ But I mean, I do think that.
2384
+
2385
+ It's very hard and it have to bear in mind
2386
+
2387
+ that these are within your own self.
2388
+
2389
+ So.
raw_transcripts/lecture_2.txt ADDED
@@ -0,0 +1,2219 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Can you hear me?
2
+
3
+ Okay.
4
+
5
+ Hello?
6
+
7
+ Hello?
8
+
9
+ Can you hear me?
10
+
11
+ Seems to be.
12
+
13
+ Hello.
14
+
15
+ Good morning.
16
+
17
+ I'll start off from here.
18
+
19
+ I'm going to wear this mikes that we've been recording.
20
+
21
+ Lachica.
22
+
23
+ That seems to have worked.
24
+
25
+ Anything wrong with those who got backup lectures?
26
+
27
+ Any point and worry, we'll always have something to post
28
+
29
+ to Moodle.
30
+
31
+ If you can't make one of the lectures, there will
32
+
33
+ be clashes that will be strikethrough, these sorts of things.
34
+
35
+ So last week, Monday, not a week ago, we talked
36
+
37
+ about historical perspectives, the brain and behaviour.
38
+
39
+ Today we're going to look more intensively at neuroanatomy.
40
+
41
+ So this is a this is a much more intense
42
+
43
+ lecture than the previous one.
44
+
45
+ The sense of the material is is more factual.
46
+
47
+ It's more like if you're a medical student, you can
48
+
49
+ get this every day.
50
+
51
+ But the core idea here at this lecture I'm going
52
+
53
+ to run over these slides is to introduce you to
54
+
55
+ some of the key anatomical parts of the brain that
56
+
57
+ will keep cropping up.
58
+
59
+ In the lectures we talk through.
60
+
61
+ There'll be slides which are full of information because that's
62
+
63
+ what the information is, that I won't I work my
64
+
65
+ way through them.
66
+
67
+ I'll just highlight this worth being aware of these things
68
+
69
+ as opposed to being really detailed in knowledge.
70
+
71
+ Alongside these lectures on the moodle page, you the middle.
72
+
73
+ There's a guide to neurone estimate word document you should
74
+
75
+ download that guides and access the resource within.
76
+
77
+ It explains what it is.
78
+
79
+ I'll just see if that word control should take us
80
+
81
+ to the next website.
82
+
83
+ So it's like this word document would take you to
84
+
85
+ a website where you can train yourself on on learning
86
+
87
+ the images from the from this topic, and it's inside.
88
+
89
+ So go back to the end to remind you.
90
+
91
+ But this is the key way to learn about your
92
+
93
+ anatomy.
94
+
95
+ I'm going to talk to you about things, but it's
96
+
97
+ not the kind of material you can kind of go,
98
+
99
+ Oh yeah, I know this.
100
+
101
+ It's a bit more like you'll need to test, retest
102
+
103
+ yourself with that material.
104
+
105
+ If you've got a great ability to visualise by spatially,
106
+
107
+ imagine things in your head, you'll do well in this.
108
+
109
+ But if you don't, it's tricky.
110
+
111
+ A lot of this is looking at images of cuts
112
+
113
+ through the brain.
114
+
115
+ Let's get into my lecture.
116
+
117
+ Let me start by highlighting what we're going to learn.
118
+
119
+ Basic understanding.
120
+
121
+ It's not a detail is their basic understanding of brain
122
+
123
+ anatomy.
124
+
125
+ We can look at the basic divisions within the nervous
126
+
127
+ system, which we talked about in last Monday's lecture about
128
+
129
+ the red car and the nerves that go on and
130
+
131
+ so on.
132
+
133
+ We're going to talk about how you divide those up.
134
+
135
+ And at the end of it, after you've done the
136
+
137
+ material, you should be able to identify some of the
138
+
139
+ basic different structures of the brain by looking at images.
140
+
141
+ So if someone at the end of this lecture says,
142
+
143
+ Oh, where's the going, calories, you have some idea and
144
+
145
+ going, Oh, it's kind of there.
146
+
147
+ I don't want to know everything there is to know
148
+
149
+ about the group as colleges.
150
+
151
+ Just one example of lots of brain areas, but that's
152
+
153
+ the idea.
154
+
155
+ Let me start with three myths related to your anatomy.
156
+
157
+ One is that the adult brain doesn't grow any cells
158
+
159
+ that you're born with your brain cells, and they just
160
+
161
+ all die.
162
+
163
+ And that was the view held by scientists.
164
+
165
+ But it's not true or certain bits of your brain
166
+
167
+ to do with smell of memory for some reason that
168
+
169
+ do carry on growing throughout your whole life, a process
170
+
171
+ known as neurogenesis.
172
+
173
+ One this as well as you use 10% of our
174
+
175
+ brain.
176
+
177
+ You characterised recently by a best known film you where
178
+
179
+ the character unlocks the 90% of the brain they were
180
+
181
+ using.
182
+
183
+ And this is just nonsense.
184
+
185
+ We're constantly using all of our brain while I'm standing
186
+
187
+ here.
188
+
189
+ Neurones are doing different things that I needed to do.
190
+
191
+ Sure, you can train up to be a fantastic athlete
192
+
193
+ and use more of your brain for that.
194
+
195
+ But it's not.
196
+
197
+ Not what people have argued in the past that we
198
+
199
+ really aren't using the brain very much.
200
+
201
+ It's not true.
202
+
203
+ There's also the thing I was in a meeting with
204
+
205
+ somebody yesterday said, Oh, yes, you know, this thing or
206
+
207
+ that brain people who are really analytical and quite cold
208
+
209
+ and then you get these wonderful creative right brain types
210
+
211
+ who really write dominant and kind of big thinkers.
212
+
213
+ And this is kind of this is nonsense.
214
+
215
+ It's inaccurate with Paul Brooker.
216
+
217
+ And that because we thought that language appears to be
218
+
219
+ dominance in the left hemisphere and there is some evidence
220
+
221
+ for kind of more analytical prose, this thing in the
222
+
223
+ left in the last hemisphere and more visuospatial things in
224
+
225
+ the right dots.
226
+
227
+ There's no such creative types.
228
+
229
+ Analytical types based on brain hemispheres.
230
+
231
+ Studies is not everything when it comes to brains.
232
+
233
+ Sitting here with giant brains, you can look at a
234
+
235
+ spot or a mouse.
236
+
237
+ They've got a small brain.
238
+
239
+ Think we.
240
+
241
+ You certainly have very big brains compared to our bodies.
242
+
243
+ But if you compare our brain to a sperm whale,
244
+
245
+ ours is much smaller as the sperm whales brain cut
246
+
247
+ through giant and arguably it's not a lot cleverer than
248
+
249
+ we are.
250
+
251
+ It could do some amazing things.
252
+
253
+ Sperm whales can sink to the bottom of the ocean
254
+
255
+ and capture squid and pitch blood.
256
+
257
+ But it hasn't been to the moon.
258
+
259
+ Just one example of what humans can do.
260
+
261
+ So size isn't everything.
262
+
263
+ Okay, I said at the beginning of the lecture, learning
264
+
265
+ objective is to understand the divisions within the nervous system.
266
+
267
+ And this is.
268
+
269
+ That's right.
270
+
271
+ So here's it's in a very, very kind of simplistic
272
+
273
+ diagram of a human body in that you can see
274
+
275
+ this in the central nervous system, but it is protected
276
+
277
+ from the immune system, the immune system beyond and other
278
+
279
+ aspects.
280
+
281
+ And then there's the peripheral nervous system.
282
+
283
+ So the central nervous system, also known as the CNS,
284
+
285
+ if someone says, Oh yeah, we're studying, the CNS contains
286
+
287
+ the brain which we will spend all the current lectures
288
+
289
+ coming on and also the spinal cord.
290
+
291
+ If it was a neurology that you learn a lot
292
+
293
+ about spinal cords.
294
+
295
+ But because we're interested in cognition and psychology, we're not
296
+
297
+ very interested in the spinal cord.
298
+
299
+ Least I'm not.
300
+
301
+ The penis is the bit beyond which is the contains
302
+
303
+ a number of divisions.
304
+
305
+ The peripheral nervous system contains the somatic nervous system.
306
+
307
+ So that's going to you in your face.
308
+
309
+ You will be using your somatic nervous system to feel
310
+
311
+ that slap on your face.
312
+
313
+ All those tense moves on your own, the skin of
314
+
315
+ your body are being used to sense that everything in
316
+
317
+ your body, these sensations are passing down.
318
+
319
+ You can see those pink nerve fibres running all over
320
+
321
+ the body to detect what's not there.
322
+
323
+ More interesting to me, at least as a psychologist, is
324
+
325
+ that autonomic nervous system, this is the bit of the
326
+
327
+ body that's involved in dealing with threat and stress and
328
+
329
+ other aspects of behaviour.
330
+
331
+ We'll have a whole lecture by me coming up on
332
+
333
+ stress and how the autonomic nervous system operates.
334
+
335
+ It contains a sympathetic system and a part sympathetic system.
336
+
337
+ I will come back to those when we get to
338
+
339
+ our stress lecture.
340
+
341
+ Finally, there's an internal system which is in our guts.
342
+
343
+ It helps to digest things and does things related to
344
+
345
+ food processing, which again is a psychologist running a brand
346
+
347
+ of behaviour.
348
+
349
+ I'm not so interested in gut maturity.
350
+
351
+ Some of you might be fascinated by it.
352
+
353
+ That's not this course.
354
+
355
+ Next few slides, it's three or four slides rule about
356
+
357
+ orienting you.
358
+
359
+ So if you think about the planet Earth and where
360
+
361
+ we are now in London, we're quite close to the
362
+
363
+ Greenwich Meridian line, so there's always meridians running over the
364
+
365
+ surface of the earth.
366
+
367
+ Through are latitude and longitude and the prime meridian, this
368
+
369
+ gets all of these runs through Greenwich.
370
+
371
+ You can walk around probably 40 minutes or something.
372
+
373
+ You need the same sort of organisation to understand where
374
+
375
+ things are in the brain.
376
+
377
+ And anatomists have come up with the idea of labelling
378
+
379
+ things in two or three different ways.
380
+
381
+ One is to describe rostral bits in the brain towards
382
+
383
+ the front, caudal bits towards the back and things that
384
+
385
+ are towards the top is dorsal and ventral towards the
386
+
387
+ bottom.
388
+
389
+ So here's a rat's brain and here's a human brain
390
+
391
+ showing you, whereas rostral caudal, it gets a little confusing
392
+
393
+ with humans because our brains, as we we evolved, we
394
+
395
+ start standing up and our heads bent forward.
396
+
397
+ As you can see, the line axis of our eyes,
398
+
399
+ our relative to our spine is unusual amongst other species,
400
+
401
+ experienced in mammals, many other mammals.
402
+
403
+ But you know, there are kangaroos and other animals.
404
+
405
+ This is also true.
406
+
407
+ So this is one way of doing it.
408
+
409
+ Another way is to describe things that are superior towards
410
+
411
+ the top and inferior towards the bottom of the brain.
412
+
413
+ And we can also think about things that are towards
414
+
415
+ the front of your head about the anterior parts of
416
+
417
+ the brain that's towards above your eyes and the posterior
418
+
419
+ parts of your brain towards the back.
420
+
421
+ So if we think about posterior, except we'll get into
422
+
423
+ that.
424
+
425
+ So this is a very simple way of allocating that's
426
+
427
+ different.
428
+
429
+ We also need to think about when we get into
430
+
431
+ the middle of the brain versus going out in the
432
+
433
+ middle of the brain.
434
+
435
+ As we go towards the middle, we call that going
436
+
437
+ medial as we go out, we call that lateral just
438
+
439
+ because of terms from Latin to use.
440
+
441
+ Then once we get in, we're going to be showing
442
+
443
+ you some slices through the brain, some disgusting slices.
444
+
445
+ There's another disgusting image of the brain with its blood
446
+
447
+ vessels removed.
448
+
449
+ And if we're going to cut a slice through the
450
+
451
+ brain, you want to know what is that slice?
452
+
453
+ What are you looking at?
454
+
455
+ And there are a number of ways of describing that.
456
+
457
+ One of the most common ways of labelling that are
458
+
459
+ to describe one is the horizontal plane.
460
+
461
+ So if you think about the earth, the surface of
462
+
463
+ the earth, we're all standing on it.
464
+
465
+ Gravity's attracting us down.
466
+
467
+ If you cut a plane up from that, it's horizontal
468
+
469
+ to the surface of the earth, and that's what this
470
+
471
+ plane is.
472
+
473
+ If we cut through flights in the back of the
474
+
475
+ head forward, that's a horizontal cut.
476
+
477
+ If we cut butt into my eyes straight at me,
478
+
479
+ that's.
480
+
481
+ The sagittal plane.
482
+
483
+ You can see that there.
484
+
485
+ And if we cut like a cross down past your
486
+
487
+ ears from the top downwards, that's the coronial plane.
488
+
489
+ These are just anatomical terms you come across in these
490
+
491
+ lectures.
492
+
493
+ So if we cut through these things.
494
+
495
+ Here's a diagram.
496
+
497
+ I said, One drain to all three cuts.
498
+
499
+ You get images like this.
500
+
501
+ So you should be able to decide, is this a
502
+
503
+ is this a coronil slice or sagittal slice or a
504
+
505
+ horizontal slice?
506
+
507
+ And so you can kind of see how these are
508
+
509
+ mapped.
510
+
511
+ There's another word which is also described.
512
+
513
+ Coronil is also described as the transverse plane, not transverse
514
+
515
+ to the main axis of the of the brain.
516
+
517
+ And that, again, is slightly confusing because again, along the
518
+
519
+ axis, if I go back, you see that that's the
520
+
521
+ that's the axis of the brain running from the front
522
+
523
+ down to your bottom.
524
+
525
+ And therefore if you cut along that transverse, it becomes
526
+
527
+ a kind of bends round from the through the middle,
528
+
529
+ down through the spine in a different orientation.
530
+
531
+ So that's what the spinal cord looks like if you
532
+
533
+ cut transverse sections.
534
+
535
+ Right.
536
+
537
+ But really the key things to take away this is,
538
+
539
+ this is this transversal coronal section, the sagittal section and
540
+
541
+ a horizontal section.
542
+
543
+ So here's an example where there's a human body and
544
+
545
+ you cut through sagittal, coronal and axial, and we end
546
+
547
+ up with these three images.
548
+
549
+ So if you've been watching carefully and thinking about this
550
+
551
+ in your head, you should be able to guess what.
552
+
553
+ So if you have a little moment to think about
554
+
555
+ it, can you guess which of these images is which,
556
+
557
+ which is coronal, which is horizontal or axial is the
558
+
559
+ other word for this.
560
+
561
+ Just at that in there, which is the actual horizontal,
562
+
563
+ which is the sagittal one, which is the corona.
564
+
565
+ And if you're if you're good at this, you should
566
+
567
+ have got these answers.
568
+
569
+ So this is also horizontal.
570
+
571
+ The axial is the same as horizontal in this case.
572
+
573
+ So there we go.
574
+
575
+ That's just a way of thinking about orientations.
576
+
577
+ You can see the same in cats, frogs, fish, and
578
+
579
+ so on.
580
+
581
+ This just gives you another diagram to think about how
582
+
583
+ we're orienting ourselves because we'll start to talk about the
584
+
585
+ medial hypothalamus in the lateral hypothalamus.
586
+
587
+ After this slide, I have an idea.
588
+
589
+ Okay, We've got orientation.
590
+
591
+ We know where we're going in the brain.
592
+
593
+ Here's what's known as a mid sagittal, disgusting section.
594
+
595
+ Again, this is even more disgusting for the blood vessels.
596
+
597
+ That's the cut through the brain right here.
598
+
599
+ And this is known as a lateral view looking at
600
+
601
+ the left hemisphere and that area there.
602
+
603
+ Now, one of the first things you need to know
604
+
605
+ is if this fundamental fact of neuroanatomy, you should note,
606
+
607
+ is that there are four lobes in the human brain.
608
+
609
+ The very basic piece of knowledge that you should all
610
+
611
+ know.
612
+
613
+ Many of you may well have known this coming into
614
+
615
+ this lecture, but just to orient you is the frontal
616
+
617
+ lobe, temporal lobe, parietal lobe and occipital lobe.
618
+
619
+ And of course, as you can see, they're not actually
620
+
621
+ coloured like that.
622
+
623
+ It's just a diagram to illustrate them.
624
+
625
+ Now, here's a structural system.
626
+
627
+ We've got our brain and spinal cord and our central
628
+
629
+ nervous system, and they are all encased by bone.
630
+
631
+ Right?
632
+
633
+ My head, I knock it now.
634
+
635
+ It's got nice bone protecting me from damaging my brain.
636
+
637
+ You couldn't have boxing if you didn't have brains, the
638
+
639
+ skull protectors.
640
+
641
+ We would have died that long ago with the eyes.
642
+
643
+ But a spinal cord is also vertebrate, right?
644
+
645
+ So protected by the vertebra as well.
646
+
647
+ The peripheral nervous system is not protected by that.
648
+
649
+ It contains cranial nerves, spinal nerves, peripheral ganglia.
650
+
651
+ And this is also these are encased in the vertical
652
+
653
+ column as well as these.
654
+
655
+ So these are these are other bits that we'll dive
656
+
657
+ into.
658
+
659
+ But it's just important to know these are we won't
660
+
661
+ be talking much about these will get onto the cranial
662
+
663
+ nerves in a bit.
664
+
665
+ And if you would, doctors training for medicine have lots
666
+
667
+ of lectures on the great nerves in detail, but we're
668
+
669
+ not.
670
+
671
+ Large part of the peripheral nervous.
672
+
673
+ System.
674
+
675
+ That's the good point.
676
+
677
+ So it's the it's these the the sort of the
678
+
679
+ the spinal cord has peripheral ganglia which encased by bone
680
+
681
+ in a virtual column.
682
+
683
+ We'll see a picture of that in a moment.
684
+
685
+ It's a good question.
686
+
687
+ Cranial nerves kind of come out.
688
+
689
+ So Queenslanders, as I'm speaking now, I'm moving my tongue
690
+
691
+ will be using a for combat.
692
+
693
+ Good question.
694
+
695
+ That's not as clear as it could be.
696
+
697
+ Thanks for that.
698
+
699
+ So do do prompt if there's something super unclear.
700
+
701
+ Very quickly answer that.
702
+
703
+ Now we're going to start seeing lines like this is
704
+
705
+ a bit of a detailed lecture and some I will
706
+
707
+ skip over for speed because they're more of the need
708
+
709
+ to know.
710
+
711
+ But there are two ways of dividing up into the
712
+
713
+ sections we're interested in.
714
+
715
+ Like I mentioned to give, you've got six sections through
716
+
717
+ the central nervous system, fluid just looking at the spine
718
+
719
+ in the brain.
720
+
721
+ So there are four sections to the spinal cord, the
722
+
723
+ sacral bent down at your bottom, the lumbar section, which
724
+
725
+ is most of the back thoracic at the top and
726
+
727
+ right at the top of the spinal cord is the
728
+
729
+ cervical section.
730
+
731
+ And again, we won't be dealing with this much in
732
+
733
+ our lecture, but there are interesting autonomic nervous system aspects
734
+
735
+ that you will come back to this.
736
+
737
+ And mostly we're not very interested.
738
+
739
+ Above these we get into the more you sort of
740
+
741
+ going up evolutionary from an evolutionary perspective here.
742
+
743
+ These are the simplest bits of your body that, as
744
+
745
+ we said, if you cut off the brain in a
746
+
747
+ frog as you go in, that you can still make
748
+
749
+ it do those fantastic reflex movements from these parts of
750
+
751
+ the spinal cord.
752
+
753
+ Above that, we come to the medulla.
754
+
755
+ So we're going to have a whole lot of the
756
+
757
+ medulla, the pons and the midbrain all form what's known
758
+
759
+ as the brainstem, both in this section, Pons and the
760
+
761
+ midbrain will form part of this brainstem area above them.
762
+
763
+ We now get into higher order bits of the brain
764
+
765
+ that are doing the things that we're interested in.
766
+
767
+ This course, mainly these include the dying stuff along and
768
+
769
+ the cerebral hemispheres, the cerebral hemispheres, the really clever bits
770
+
771
+ that make us human really did bits that expanded massively
772
+
773
+ in humans compared to, say, a mouse.
774
+
775
+ And you can see they're are all folded over to
776
+
777
+ cram in there.
778
+
779
+ But if we we're going to focus on those in
780
+
781
+ a bit, here's all these extra bits of things we'll
782
+
783
+ come back to.
784
+
785
+ But the distinction I'm trying to draw out with this
786
+
787
+ slide is this distinction between a brain stem, the dying
788
+
789
+ step along the cerebral hemispheres and below it the spinal
790
+
791
+ cord.
792
+
793
+ The dying step along here is composed of two regions,
794
+
795
+ the thalamus, a big central kind of organising structure in
796
+
797
+ the middle of your brain and the hypothalamus.
798
+
799
+ And we'll spend two lectures thinking about the hypothalamus because
800
+
801
+ it does fascinating things to do with paternal or maternal
802
+
803
+ behaviour.
804
+
805
+ Regulating your stress response, the thalamus, those magical things to
806
+
807
+ sleep.
808
+
809
+ You'll come back to that sleep lecture.
810
+
811
+ But down here we don't spend much time on the
812
+
813
+ fascinating nuclei within these brainstem areas to do.
814
+
815
+ Arousal.
816
+
817
+ So if a lion suddenly got into the room deep
818
+
819
+ down, glad you had all these nuclei to wake you
820
+
821
+ up and get you going to escape out of here
822
+
823
+ from the lion, the medulla again we wouldn't spend much
824
+
825
+ time on contains bits of your brain to do with
826
+
827
+ temperature regulation breathing.
828
+
829
+ So if you get a tiny stroke in your medulla,
830
+
831
+ that could be you dead because you stop breathing or
832
+
833
+ you just overheat.
834
+
835
+ You can't turn off your raising of temperature.
836
+
837
+ So it's a really crucial bit of the brain common
838
+
839
+ to all mammals and reptiles and something.
840
+
841
+ Okay, another way of thinking about this is to divide
842
+
843
+ up between the hind brain, brain and the forebrain with
844
+
845
+ just to understand the division of the nervous system.
846
+
847
+ So if someone says, Oh, we're going to look at
848
+
849
+ forebrain, they mean the cerebral cortex of the dinosaur got
850
+
851
+ the thalamus again in the midbrain is a particular bit
852
+
853
+ of the brain here that sits between these hind brain
854
+
855
+ areas.
856
+
857
+ And the main forebrain contains some key pathways that will
858
+
859
+ come onto intellectual sensation.
860
+
861
+ And again, down here of the structures at the back
862
+
863
+ of the brain is called the cerebellum.
864
+
865
+ It means that she the little brain, and it contains
866
+
867
+ half of all the neurones that you have in your
868
+
869
+ head.
870
+
871
+ And it's critical for timing.
872
+
873
+ Everything you're doing.
874
+
875
+ That pretty much involves timing, making sure you don't fall
876
+
877
+ over, hold a pen, speak lots and lots of things.
878
+
879
+ We're still, as neuroscientists, really trying to figure out how
880
+
881
+ much of the cerebellum is where we will be focusing
882
+
883
+ in these lectures, much on development.
884
+
885
+ It's a vast topic.
886
+
887
+ This institute you're sitting and having this lecture is an
888
+
889
+ institute of child health, but it's fascinated over these issues
890
+
891
+ around child development inside the womb before babies born.
892
+
893
+ This is its brain just before it pops that it
894
+
895
+ starts off this journey from a very simple looking brain
896
+
897
+ structure to a mouse to a chicken, and by the
898
+
899
+ end of a baby, developing in the mother's womb is
900
+
901
+ very different to any other animal on our planet.
902
+
903
+ You can see it's massively expanded.
904
+
905
+ The talons have long, which is another term for the
906
+
907
+ the cerebral hemispheres in development.
908
+
909
+ We have a dying step along with a mesons balloon
910
+
911
+ and a mess and stuff.
912
+
913
+ These are just distinctions during development.
914
+
915
+ Again, I'm just highlighting this as an important slide for
916
+
917
+ if you come on to thinking about brain development and
918
+
919
+ growth of the brain in the womb, these are the
920
+
921
+ kind of terms.
922
+
923
+ But again, just taking you through that is to say
924
+
925
+ we won't be returning to these topics much, but to
926
+
927
+ make you aware, there's a fantastic world out there.
928
+
929
+ The research on babies brains in the womb.
930
+
931
+ Okay, here's an adult brain and it's disgusting for cadaverous
932
+
933
+ state.
934
+
935
+ One of the key things to learn about when you
936
+
937
+ think about a brain like this is that there are
938
+
939
+ all these bumps and there are grooves that little gaps
940
+
941
+ in here, and these bumps that stick up are known
942
+
943
+ as gyri and the gaps in a soul kind.
944
+
945
+ So when anatomists label bits of the brain and say,
946
+
947
+ Oh, we're going to put an electrode in and stimulate
948
+
949
+ that, we often refer to it as a gyrus if
950
+
951
+ it's a bit sticking out or if they have to
952
+
953
+ get that electrode right deep into the brain, they'll be
954
+
955
+ going into the sulcus.
956
+
957
+ So there is some big cell guy.
958
+
959
+ So there's some really big ones too.
960
+
961
+ Here.
962
+
963
+ The temporal lobe is the frontal lobe and the temporal
964
+
965
+ lobe, the bit that separates the temporal lobe from the
966
+
967
+ frontal lobe is known as the sylvian picture for some
968
+
969
+ reason.
970
+
971
+ Look.
972
+
973
+ Okay, carry on.
974
+
975
+ Okay.
976
+
977
+ So that that's that is the maybe the general brain.
978
+
979
+ We're going to dive in and highlight some gyri.
980
+
981
+ Now, this is where these lectures start.
982
+
983
+ I was a student studying theories and go, Oh, gosh,
984
+
985
+ you showed us the lot of brain pictures.
986
+
987
+ Now I got to take it.
988
+
989
+ But as I said, this is a lecture where I'm
990
+
991
+ just introducing the terms.
992
+
993
+ If you go and study them at the level we're
994
+
995
+ highlighting here, it should it should all locked into place
996
+
997
+ this thought in the right hemisphere.
998
+
999
+ Over here.
1000
+
1001
+ We'll start here.
1002
+
1003
+ Let's go.
1004
+
1005
+ Here is probably the frontal lobe and there's all these
1006
+
1007
+ little clever bits here, the orbital triangular in a particular
1008
+
1009
+ part of the frontal lobe through part of a gyrus.
1010
+
1011
+ That is the Brockers area that we talked about, where
1012
+
1013
+ you get a bullet through that and you will lose
1014
+
1015
+ the ability in 90% of people to be able to
1016
+
1017
+ speak.
1018
+
1019
+ So if we look at the right hemisphere, one of
1020
+
1021
+ the key organisations goes back to wild open field and
1022
+
1023
+ favours various work.
1024
+
1025
+ But we have the central sulcus.
1026
+
1027
+ But there are all these okay in the brain, but
1028
+
1029
+ this is the most important, it's the central.
1030
+
1031
+ So because it divides the frontal lobe through the parietal
1032
+
1033
+ lobe, the central sulcus, and you can see it more
1034
+
1035
+ clearly in the left hemisphere, but here it is in
1036
+
1037
+ the right hemisphere and really unimaginatively very descriptively.
1038
+
1039
+ The gyri in front of it is known as the
1040
+
1041
+ pre central sulcus pre is ahead of it and the
1042
+
1043
+ one behind the post central sulcus sort of potential gyrus
1044
+
1045
+ these two gyri.
1046
+
1047
+ So if you split the electrode onto the pre central
1048
+
1049
+ gyrus, there's the hand area that makes them want flick
1050
+
1051
+ their hand around and.
1052
+
1053
+ You just move the electrodes backwards to the coast, then
1054
+
1055
+ to charge.
1056
+
1057
+ Don't start to feel an itch on their hands.
1058
+
1059
+ Yep.
1060
+
1061
+ So central focus is that.
1062
+
1063
+ You know, there's still been fissures tucked under.
1064
+
1065
+ What we're doing now is looking down a top of
1066
+
1067
+ the head.
1068
+
1069
+ So, Silvia Fisher, if I go back, is this fit
1070
+
1071
+ to separate the temporal lobe from the frontal lobe?
1072
+
1073
+ What we're going to do is now slip up and
1074
+
1075
+ look down.
1076
+
1077
+ It's a great question.
1078
+
1079
+ Thank you for asking that.
1080
+
1081
+ We're not looking at the top of someone's head.
1082
+
1083
+ The eyeballs would be under here.
1084
+
1085
+ So very useful questions to have.
1086
+
1087
+ So you got a frontal lobe here.
1088
+
1089
+ We've got this typical the not label, but just part
1090
+
1091
+ of this diagram is to highlight.
1092
+
1093
+ There are a number of names gyri like the angular
1094
+
1095
+ gyrus, the super marginal gyrus, a superior parietal lobe gets
1096
+
1097
+ a special name and there's an into parietal sulcus.
1098
+
1099
+ Now, this is me introducing it to you.
1100
+
1101
+ You have a whole lecture that focuses on what the
1102
+
1103
+ integrated sulcus is doing later in the course.
1104
+
1105
+ But there are all these gyri that come up in
1106
+
1107
+ lectures, But that's really where the organisation highlights and links
1108
+
1109
+ back to the previous lecture about the fundamentals of learning
1110
+
1111
+ about how the brain is organised for sensory systems and
1112
+
1113
+ motor systems.
1114
+
1115
+ Okay, so we were looking from the top down previously.
1116
+
1117
+ There's the frontal lobe is the parietal lobe is where
1118
+
1119
+ the eyeballs would be and this is the highlight that
1120
+
1121
+ there are the division here is pretty clear as a
1122
+
1123
+ motor and a sensory system, but the actual division between
1124
+
1125
+ the parietal occipital and temporal lobes is very much an
1126
+
1127
+ argument made on a number of different criteria that businesses
1128
+
1129
+ don't agree with each other.
1130
+
1131
+ So histology is looking at the cells, the architecture, the
1132
+
1133
+ structure of the cells, the chemicals in the cells, the
1134
+
1135
+ how, the different bits, the brain are connected and what
1136
+
1137
+ they are doing.
1138
+
1139
+ Phineas Gauge agreed in lecture one lost his personality due
1140
+
1141
+ to frontal lobe damage that doesn't occur elsewhere.
1142
+
1143
+ So we have all these ways of dividing up these
1144
+
1145
+ lives, but they don't all agree.
1146
+
1147
+ I just described that issue just to give you another
1148
+
1149
+ way, a nice way of looking down previously, we've both
1150
+
1151
+ been from the side and we've got these areas that
1152
+
1153
+ I just described offhand.
1154
+
1155
+ So it's just thing if you put an electrode into
1156
+
1157
+ the brain, increase ventral sulcus, sorry, gyrus is the central
1158
+
1159
+ sulcus is the central gyrus, It will make the hand
1160
+
1161
+ move, move the electrode back, you'll feel the stimulation, tickling,
1162
+
1163
+ sensation, pointing fingers, face, lips, etc..
1164
+
1165
+ These are known as the primaries, the map of sensory
1166
+
1167
+ cortex.
1168
+
1169
+ When you feel it in primary motor cortex, where it
1170
+
1171
+ allows us to move at the back of the brain,
1172
+
1173
+ we have the primary visual cortex, which going back to
1174
+
1175
+ our hands and in the dark ages of 1008, argued,
1176
+
1177
+ is where vision is process to.
1178
+
1179
+ It's 10,000, 3000 years later, wouldn't that when I'm looking
1180
+
1181
+ at that in detail.
1182
+
1183
+ We also have a primary auditory cortex in our temporal
1184
+
1185
+ lobe.
1186
+
1187
+ So these are the areas where the information reaches the
1188
+
1189
+ higher order bits of your brain.
1190
+
1191
+ These are the primary bits.
1192
+
1193
+ And if I showed an example of a mouse, a
1194
+
1195
+ lot of its brain is taken up with those topics
1196
+
1197
+ of feeling, acting and hearing and seeing and the other
1198
+
1199
+ bits of today we're kind of putting these things together.
1200
+
1201
+ If you look at your brain, this is a diagram
1202
+
1203
+ of what your brain is doing as a lot of
1204
+
1205
+ brain area.
1206
+
1207
+ They're doing other things.
1208
+
1209
+ And that's a lot of the topic of this course
1210
+
1211
+ as we come forward.
1212
+
1213
+ We do more than just sense the world and move
1214
+
1215
+ in it.
1216
+
1217
+ We construct our internal understanding of it.
1218
+
1219
+ We have language to dive out into the middle of
1220
+
1221
+ the brain.
1222
+
1223
+ So this is a mid-size view into the brain.
1224
+
1225
+ You can see the nose, the tongue clipped someone's teeth
1226
+
1227
+ here.
1228
+
1229
+ But what we can see, there's a lot of labelled
1230
+
1231
+ sections here.
1232
+
1233
+ You can see the cerebellum and bits labelled the.
1234
+
1235
+ What are highlighting in this slide?
1236
+
1237
+ All right, a few things.
1238
+
1239
+ One is the corpus callosum to come back to another
1240
+
1241
+ diagram with that in the moment, which is the major
1242
+
1243
+ a pathway superhighway that connects your two hemispheres together.
1244
+
1245
+ There are two hemispheres in our brain and they're connected
1246
+
1247
+ by this superhighway for what's highlighted in blue.
1248
+
1249
+ You can see this disgusting cut through the skull and
1250
+
1251
+ the sap and the skin, but there's a little blue
1252
+
1253
+ section here running all the way round, and that is
1254
+
1255
+ a meninges part of your brain that saves you from
1256
+
1257
+ being hit on the head from catastrophic brain injury.
1258
+
1259
+ It's like a packing around your brain to protect you.
1260
+
1261
+ And they.
1262
+
1263
+ We'll come into the detail within those.
1264
+
1265
+ And there are also ventricles.
1266
+
1267
+ So ventricles we talked about with Vesalius and Descartes, they
1268
+
1269
+ thought that's where the soul came to our brain in
1270
+
1271
+ this deep in this anatomical diagram, we can see there's
1272
+
1273
+ a fourth ventricle here so invincible and there's no ventricle
1274
+
1275
+ One and two, there are two giant lateral ventricles.
1276
+
1277
+ I'll show you where they are in a moment.
1278
+
1279
+ So I'm going to go on and look at the
1280
+
1281
+ brain, what's going on in the spinal cord if we
1282
+
1283
+ cut through this and what that looks like and then
1284
+
1285
+ going back to these meninges.
1286
+
1287
+ So here is our spinal cord.
1288
+
1289
+ If I go back and imagine it's cut through the
1290
+
1291
+ human head, sliced out in the middle, like gone in
1292
+
1293
+ someone between their eyes and cut with a knife, this
1294
+
1295
+ person's dead, we assume.
1296
+
1297
+ But now we're going to take a knife and just
1298
+
1299
+ cut through this.
1300
+
1301
+ Just take this bit out and cut horizontally through it.
1302
+
1303
+ What do we see?
1304
+
1305
+ This is what we see.
1306
+
1307
+ So this is towards someone's chest and this is towards
1308
+
1309
+ their back.
1310
+
1311
+ This is the bone, is that vertebrae?
1312
+
1313
+ And inside it is the spinal cord.
1314
+
1315
+ And in there, the neurones that allow a signal to
1316
+
1317
+ go out.
1318
+
1319
+ To the to make you act like I want to
1320
+
1321
+ move my fingers.
1322
+
1323
+ I'm going to need to use one of those spinal
1324
+
1325
+ neurones in my spinal cord to do this, to make
1326
+
1327
+ my fingers move, but it still slaps my hands, tells
1328
+
1329
+ me to stop clicking.
1330
+
1331
+ That's annoying.
1332
+
1333
+ I'll need to sense that on my fingers.
1334
+
1335
+ And again, that will come back down a neurone into
1336
+
1337
+ the spot and back up the spinal cord is a
1338
+
1339
+ relay.
1340
+
1341
+ The neurones sending things out to act as sensory information
1342
+
1343
+ to come back and surrounding it.
1344
+
1345
+ It's sort of like spider's web of material.
1346
+
1347
+ It's form the these meninges.
1348
+
1349
+ They're easy to see on the spinal cord.
1350
+
1351
+ You can see this yellow stuff, this fat, disgusting stuff
1352
+
1353
+ that people like to see in certain cases.
1354
+
1355
+ But the the the this this material here is known
1356
+
1357
+ as the arachnoid structure.
1358
+
1359
+ There's a durable lack of the juror matter and a
1360
+
1361
+ protective matter.
1362
+
1363
+ So we'll look at these in the next slide.
1364
+
1365
+ These are the meninges.
1366
+
1367
+ So here is a sort of Halloween esque picture of
1368
+
1369
+ the brain and the skull looking into someone's head.
1370
+
1371
+ And we can see that it's the brain is all
1372
+
1373
+ the brain cells.
1374
+
1375
+ There are blood vessels and there's this arachnoid by spider
1376
+
1377
+ like layer with a juror and a plasma and arrange
1378
+
1379
+ the matter protects the brain and the juror matter creates
1380
+
1381
+ a tough substance on the top.
1382
+
1383
+ So these are the meninges introducing you to things.
1384
+
1385
+ I'm not putting this slide up saying, right.
1386
+
1387
+ Can you memorise what number 29 is in this picture?
1388
+
1389
+ We will not be testing you like that in this
1390
+
1391
+ course.
1392
+
1393
+ What I'm doing this slide is to show one of
1394
+
1395
+ the main ways of dividing up the brain into more
1396
+
1397
+ detail, but still use to this day since the 1940s
1398
+
1399
+ is work done with the German anatomist Carl Brockman.
1400
+
1401
+ He divided up be looked at microscope images had lots
1402
+
1403
+ of different bits of the human brain and just divided
1404
+
1405
+ them up into about 42 regions, maybe 50 or so
1406
+
1407
+ just under that that number.
1408
+
1409
+ And there are key like the primaries, the multisensory cortex
1410
+
1411
+ is number one.
1412
+
1413
+ And number two is that there are various bits of
1414
+
1415
+ that system.
1416
+
1417
+ This is this is one way of dividing up the
1418
+
1419
+ brain labelled areas based on the cell types.
1420
+
1421
+ For example, the cells in areas for huge, the biggest
1422
+
1423
+ cells you have and these are the motor neurones that
1424
+
1425
+ come out if you to dissect the brain of a
1426
+
1427
+ giraffe to Giant because the giraffe needs to send a
1428
+
1429
+ signal from its brain to its toe and it needs
1430
+
1431
+ a big cell to do that.
1432
+
1433
+ So this is called Brockman's division of the nervous system.
1434
+
1435
+ You come back to this his later lectures.
1436
+
1437
+ So just to highlight how else can we divide up
1438
+
1439
+ the brain, another way is to look at the brain
1440
+
1441
+ and there are bits of the brain that are dark
1442
+
1443
+ and grey and there are the bits that are white
1444
+
1445
+ made of many of fat.
1446
+
1447
+ And so the way the cortex will talk is this
1448
+
1449
+ the bits we've been looking at, these bumps, it's all
1450
+
1451
+ kind gyri.
1452
+
1453
+ There are also subcortical structures.
1454
+
1455
+ We come to the moment and these are also grey,
1456
+
1457
+ these are all the grey.
1458
+
1459
+ That's the brain grape, it's the where the neurones sit
1460
+
1461
+ and you'll hear all about neurones next week on Monday.
1462
+
1463
+ But what bits, the connections, the pathways.
1464
+
1465
+ So much of your brain is taken up by the
1466
+
1467
+ white matter, which are the pathways between the neurones where
1468
+
1469
+ they send information.
1470
+
1471
+ And this inside is the corpus collective.
1472
+
1473
+ The superhighway will come to look at some more images
1474
+
1475
+ of us in a moment.
1476
+
1477
+ So we have a distinction between the areas with nuclei
1478
+
1479
+ and there is ganglia that just happens to be terms
1480
+
1481
+ anatomists use for clusters of groups of cells.
1482
+
1483
+ These are two other ways of staining the brain.
1484
+
1485
+ So you can see you can pick out the white
1486
+
1487
+ matter, which is confusing here because the white matter staying
1488
+
1489
+ dark, a dark colour and another classic lab use all
1490
+
1491
+ round, you will be using a missile stain to get
1492
+
1493
+ the grey matter in.
1494
+
1495
+ You can see colour, so there are different ways of
1496
+
1497
+ staining the brain and looking at white matter and grey
1498
+
1499
+ matter.
1500
+
1501
+ The next two slides were getting towards the end of
1502
+
1503
+ the kind of drugs big pictures in the brain.
1504
+
1505
+ There are two kind of core systems to pick out
1506
+
1507
+ your brain.
1508
+
1509
+ There's the limbic system and again, just I'm introducing them
1510
+
1511
+ now to come back to the limbic system.
1512
+
1513
+ When we go into emotions and memory inside the limbic
1514
+
1515
+ system, you can see some eyes here.
1516
+
1517
+ We have an area known as the hippocampus, the bit
1518
+
1519
+ that was removed in patient H.M. and to dense amnesia.
1520
+
1521
+ There's also an area known as that which sits.
1522
+
1523
+ He actually has one hippocampus in each hemisphere, the left
1524
+
1525
+ and right hippocampus.
1526
+
1527
+ There's the thalamus in the middle, and there's a brain
1528
+
1529
+ structure called the amygdala, which looks a bit like an
1530
+
1531
+ island.
1532
+
1533
+ And that's what the rat environment is, amygdala.
1534
+
1535
+ So the link to the nucleus contains cells that are
1536
+
1537
+ critical for emotional processing and fear.
1538
+
1539
+ There are patients out there that are just completely lost.
1540
+
1541
+ They damaged by laxity, their amygdala, and they will quite
1542
+
1543
+ happily pick up giant snakes to a pet, a tiger.
1544
+
1545
+ There's literally no fear in these patients.
1546
+
1547
+ This is absolutely critical for threat setting throughout the processing.
1548
+
1549
+ There other bits that are coming to the hypothalamus and
1550
+
1551
+ our lectures on stress and social bonding.
1552
+
1553
+ And again, just really briefly, I'm not expecting you to
1554
+
1555
+ take away this and walk through it in more details
1556
+
1557
+ in here.
1558
+
1559
+ Another bit of the brain, another circuit we have the
1560
+
1561
+ limbic system is another circuit in the brain called the
1562
+
1563
+ basal ganglia.
1564
+
1565
+ Again, if you a neurologist training medical school, you'd get
1566
+
1567
+ a lot of detail about the system.
1568
+
1569
+ For you.
1570
+
1571
+ It's really worth being aware that the basal ganglia contain
1572
+
1573
+ the caudate nucleus actually stamen and the globus paladins, and
1574
+
1575
+ they're arranged in this way, shown here, the nucleus, the
1576
+
1577
+ glow of asparagus and the potatoes and vitamins here, Globus
1578
+
1579
+ Palace.
1580
+
1581
+ And we have some other the sub nuclei.
1582
+
1583
+ We'll come back to these as we go through our
1584
+
1585
+ lectures.
1586
+
1587
+ When you get into movement, these are the brain areas
1588
+
1589
+ and in particular brain structure down here, the substantia nigra
1590
+
1591
+ will come on to that and that's the keep it
1592
+
1593
+ in the brain that goes wrong in Parkinson's disease.
1594
+
1595
+ Now we have a later lecture all about neurological diseases
1596
+
1597
+ and this goes to come back to these repeatedly.
1598
+
1599
+ Plot three that's just talking about what we look what
1600
+
1601
+ we're looking at here.
1602
+
1603
+ Here's the human brain from the outside.
1604
+
1605
+ Is it from the back?
1606
+
1607
+ And we're going to dissect this little bit shown here
1608
+
1609
+ in the shaded area.
1610
+
1611
+ So here is the thalamus.
1612
+
1613
+ This is all as if you've removed the three hemispheres.
1614
+
1615
+ We peeked inside the back of the brain and we
1616
+
1617
+ can see the cerebellum.
1618
+
1619
+ If we cut through here, through the midbrain, what we
1620
+
1621
+ see inside it are a number of areas.
1622
+
1623
+ So these do look a little bit colour.
1624
+
1625
+ They're really overly accentuated here, but this substantia nigra means
1626
+
1627
+ black substance and it is black.
1628
+
1629
+ There's a red nucleus which is a bit red, and
1630
+
1631
+ then there's a reticular formations is a little bit pale
1632
+
1633
+ blue ever so slightly.
1634
+
1635
+ And this is the area of the Perry aqueduct all
1636
+
1637
+ grey.
1638
+
1639
+ Now the other part is another bit, the superior molecular.
1640
+
1641
+ We'll talk about that later in vision.
1642
+
1643
+ I will talk about these when we get into the
1644
+
1645
+ stress fractures and neurological diseases.
1646
+
1647
+ But this is just to show you the main key
1648
+
1649
+ structures.
1650
+
1651
+ If you were to cut through the midbrain, just introducing
1652
+
1653
+ the various characters to play out as actors in our
1654
+
1655
+ story, to come to these lectures.
1656
+
1657
+ So ignore the giant arrow across this image and focus
1658
+
1659
+ on this arrow.
1660
+
1661
+ This is the corpus callosum, which is the highlight in
1662
+
1663
+ the middle of the brain.
1664
+
1665
+ This superhighway used all the brain, the grey matter grooves
1666
+
1667
+ of the gyri, and they're all connected to one hemisphere,
1668
+
1669
+ to the other through the corpus callosum.
1670
+
1671
+ And it means hard, durable substance.
1672
+
1673
+ If you cut through correctly, we saw this before.
1674
+
1675
+ Here's the superhighway.
1676
+
1677
+ So there are cells down here that will send a
1678
+
1679
+ message all the way to the cell over here through
1680
+
1681
+ your corpus callosum.
1682
+
1683
+ Okay.
1684
+
1685
+ So white matter.
1686
+
1687
+ We're just looking at pathways in the brain.
1688
+
1689
+ Just to orient you.
1690
+
1691
+ There are things called trapped, which mean it goes from
1692
+
1693
+ one bit to another.
1694
+
1695
+ Two verticals area.
1696
+
1697
+ To Brock area has a truck.
1698
+
1699
+ It connects these two brain areas together.
1700
+
1701
+ There are things called for Siculus for Nicholas Peduncle, a
1702
+
1703
+ break in the collections of nerve fibres that go to
1704
+
1705
+ different places.
1706
+
1707
+ Like a like a, like a sort of connecting highway.
1708
+
1709
+ The M25 takes cars to various places around it and
1710
+
1711
+ then the way little bits go to the sky.
1712
+
1713
+ In this case, these are sending fibres going up and
1714
+
1715
+ down.
1716
+
1717
+ They're just different types of white matter sitting in your
1718
+
1719
+ brain.
1720
+
1721
+ I mentioned previously the ventricles, these fluid filled spaces.
1722
+
1723
+ The Descartes thought was how your soul gave rise to
1724
+
1725
+ your whole conscious experience.
1726
+
1727
+ You have a lecture on consciousness.
1728
+
1729
+ This here in the course and deep learning will not
1730
+
1731
+ be, I think, talking much about the ventricles.
1732
+
1733
+ But you could.
1734
+
1735
+ You can ask him.
1736
+
1737
+ I talked about the fact there's a there's a fourth
1738
+
1739
+ ventricle right at the bottom.
1740
+
1741
+ There's a third ventricle, and then there's these lateral ventricles.
1742
+
1743
+ Let me highlight these here.
1744
+
1745
+ So these gaping holes here and here are the two
1746
+
1747
+ lateral ventricles.
1748
+
1749
+ And this is the core reflex that's this disgusting stuff
1750
+
1751
+ inside your head.
1752
+
1753
+ If you open up the brain that allows the this
1754
+
1755
+ fluid inside of this milky white fluid to maintain its
1756
+
1757
+ consistency and it bathes the brain, particularly powerful fluid that
1758
+
1759
+ is necessary for the optimal functioning of the neurones in
1760
+
1761
+ the cells that exist in your brain, unlike the rest
1762
+
1763
+ of your body.
1764
+
1765
+ But these are just to show with the length the
1766
+
1767
+ ventricles are.
1768
+
1769
+ What happens if you block these ventricles?
1770
+
1771
+ No doubt there have been many discussions in this building
1772
+
1773
+ of Institute of Child Health about this is that the
1774
+
1775
+ fluid builds up and up and they need to surgically
1776
+
1777
+ go in and put in a shunt.
1778
+
1779
+ The children that would really stretch skull huge heads.
1780
+
1781
+ Unfortunately, due to a condition known as hydrocephalus.
1782
+
1783
+ And so it's a really devastating condition.
1784
+
1785
+ But the cells are all there to someone's got this
1786
+
1787
+ huge damage, but the cells are still sitting there so
1788
+
1789
+ they can end up living fully functional, impressive lives.
1790
+
1791
+ They just suffer a few challenges of memory and executive
1792
+
1793
+ and things to do with the frontal cortex.
1794
+
1795
+ But it's amazing this can still work, but if it's
1796
+
1797
+ not treated, it can lead to death, of course.
1798
+
1799
+ Now, this is a very intense slide, and I'm putting
1800
+
1801
+ it up here just to say there are 12 cranial
1802
+
1803
+ nerves.
1804
+
1805
+ You'd have a whole lecture on the cranial nerves if
1806
+
1807
+ you were a neurologist trying to be or if you
1808
+
1809
+ were medical students.
1810
+
1811
+ You do not need to know this material in detail
1812
+
1813
+ other than the fact there are 12 of these to
1814
+
1815
+ go to the heart.
1816
+
1817
+ They deal with the eyes.
1818
+
1819
+ Visit this the nerve fibres for the the optic nerve.
1820
+
1821
+ We'll come back to that to pick up on some
1822
+
1823
+ of these cranial nerves in other lectures to do with
1824
+
1825
+ sentence in the world.
1826
+
1827
+ But they're really about the fact that I had for
1828
+
1829
+ moving my hands, The stuff I was talking about before
1830
+
1831
+ of my clicking my fingers goes to my spinal cords.
1832
+
1833
+ If I want to wiggle my tongue, it's above the
1834
+
1835
+ spinal cord.
1836
+
1837
+ I need a cranial nerve to wiggle my tongue.
1838
+
1839
+ And you can see there are tongue based cranial nerves
1840
+
1841
+ there.
1842
+
1843
+ They'll come out of the bottom bit of the brain.
1844
+
1845
+ So these are the cranial nerves.
1846
+
1847
+ So yeah, they.
1848
+
1849
+ They cover a range of different, different functions to do
1850
+
1851
+ with the head.
1852
+
1853
+ Now, this is a slide that will come back.
1854
+
1855
+ I'm introducing it now and we'll go back to it
1856
+
1857
+ again when we get onto stress, because this is the
1858
+
1859
+ autonomic nervous system.
1860
+
1861
+ We've been focusing in all the previous slides on this
1862
+
1863
+ bit of the topic of the brain where all thoughts
1864
+
1865
+ and memories and emotions and they're all gathered from from
1866
+
1867
+ this that our paternal or maternal behaviour, it's all there,
1868
+
1869
+ but our spinal cord has these incredible neurones embedded within
1870
+
1871
+ it, the not just the sensory and motor function, but
1872
+
1873
+ actually protecting us from the world out there.
1874
+
1875
+ So as we go through the world, as you've all
1876
+
1877
+ experienced by the point you've arrived here, there are stressful
1878
+
1879
+ things that they're even in our nicely protective world now.
1880
+
1881
+ I was a health service and we organised society and
1882
+
1883
+ we still have threats, get the stress of exams, for
1884
+
1885
+ example.
1886
+
1887
+ These are the bits of the brain that help you
1888
+
1889
+ get activated or allow you to calm down in that
1890
+
1891
+ sense.
1892
+
1893
+ So there's a range of different neurones up and down
1894
+
1895
+ the spine to go to.
1896
+
1897
+ Let me pick out one of the key ones here
1898
+
1899
+ is your heart.
1900
+
1901
+ So if a lion suddenly rushed into the lecture theatre,
1902
+
1903
+ you're not wanting to sit down, relax and read a
1904
+
1905
+ book who like to be the one person doing that
1906
+
1907
+ in the lion?
1908
+
1909
+ You kids right?
1910
+
1911
+ Hungry, alone.
1912
+
1913
+ Your brain needs to get you ready to get the
1914
+
1915
+ hell out of here, out of an expert.
1916
+
1917
+ And it does that by regulating your heartbeat.
1918
+
1919
+ So if your heart's running higher, you can pump more
1920
+
1921
+ blood, you can run faster, you can get to running
1922
+
1923
+ thoughts, you need more glucose for your muscles to get
1924
+
1925
+ you where you need to be.
1926
+
1927
+ And so the the the the system, the sympathetic nervous
1928
+
1929
+ system also acts to stimulate the release of glucose from
1930
+
1931
+ your liver to get that going.
1932
+
1933
+ If it does everything it said, it dilates your pupils
1934
+
1935
+ to get more light, stops you sweating inhibits you salivating.
1936
+
1937
+ It does all these things that get your body ready
1938
+
1939
+ to escape that lion or that threat.
1940
+
1941
+ But imagine you just kept going and going.
1942
+
1943
+ Your heart rate goes higher and higher.
1944
+
1945
+ You don't ever salivate again.
1946
+
1947
+ You're just pumping out glucose around your body.
1948
+
1949
+ You die, you live overdriven your body to excess.
1950
+
1951
+ So once you're away from the line and you're safe,
1952
+
1953
+ you want to bring that all back down.
1954
+
1955
+ And there's a sort of it's a connected system.
1956
+
1957
+ You can see that while all this driving stuff's in
1958
+
1959
+ the spine.
1960
+
1961
+ All right.
1962
+
1963
+ The top here are these various descending nerve fibres or
1964
+
1965
+ at the bottom here, some that deal with that process
1966
+
1967
+ of dampening things, lowering your heart rate, halting the amount
1968
+
1969
+ of glucose coming home, stimulating things to do with eating
1970
+
1971
+ and digesting because you need to take time.
1972
+
1973
+ Digesting isn't instant.
1974
+
1975
+ Your body needs time and care to digest and take
1976
+
1977
+ things and to relax, you need to sleep as well.
1978
+
1979
+ For example, if this is all if your heart beats
1980
+
1981
+ going through the roof, it's very hard to sleep.
1982
+
1983
+ So again, all these things are allowing you to keep,
1984
+
1985
+ maintain a calm environment that allows you to do a
1986
+
1987
+ range of of the things that we need to biologically.
1988
+
1989
+ You know, you can see down here with things like
1990
+
1991
+ if you get really stressed out, people pee and they
1992
+
1993
+ lose the urine, but you don't want to do that
1994
+
1995
+ when you're relaxing.
1996
+
1997
+ So these are kind of some strange aspects of our
1998
+
1999
+ nervous system.
2000
+
2001
+ We share this autonomic nervous system at all of the
2002
+
2003
+ mammals and reptiles.
2004
+
2005
+ Another sapiens vertebrate is basically any animal from millions of
2006
+
2007
+ years back that developed a spinal cord has these autonomic
2008
+
2009
+ sympathetic for rising up a parasympathetic for dragging down.
2010
+
2011
+ So these are was an open our system will come
2012
+
2013
+ back to what these are doing when they link to
2014
+
2015
+ the brain later in the course for stress.
2016
+
2017
+ The last bit of today's lecture.
2018
+
2019
+ Yes, sir.
2020
+
2021
+ I'm speechless.
2022
+
2023
+ So that information comes first.
2024
+
2025
+ The response.
2026
+
2027
+ Is not.
2028
+
2029
+ Information.
2030
+
2031
+ Yes.
2032
+
2033
+ How did you.
2034
+
2035
+ Great question.
2036
+
2037
+ So how does the spinal cord know this aligner?
2038
+
2039
+ Right.
2040
+
2041
+ So you have to have your eyes and your ears
2042
+
2043
+ and maybe smell all these sensory bits of information that
2044
+
2045
+ gather information about the world, feed two parts of the
2046
+
2047
+ poor bits of the brain, then descend.
2048
+
2049
+ And you want to do that as fast as you
2050
+
2051
+ can so that are very fast route to get from
2052
+
2053
+ your visual system.
2054
+
2055
+ The threat of, say, a giant snake or lion is
2056
+
2057
+ just to draw.
2058
+
2059
+ That is one example down to your spinal cord to
2060
+
2061
+ do.
2062
+
2063
+ Another key thing to highlight here is this is called
2064
+
2065
+ the autonomic nervous system.
2066
+
2067
+ It's very hard for you.
2068
+
2069
+ You can start to think about stressful things, right?
2070
+
2071
+ And it'll start to raise your heart rate.
2072
+
2073
+ You'll get stressed by thinking about things, but you have
2074
+
2075
+ to actively do that, wait for it to respond.
2076
+
2077
+ You can't control directly.
2078
+
2079
+ You can't just go, I want to raise my.
2080
+
2081
+ Heart rate by so many beats go.
2082
+
2083
+ It doesn't work like that.
2084
+
2085
+ It's not a voluntary process.
2086
+
2087
+ It's autonomic.
2088
+
2089
+ It's automatic.
2090
+
2091
+ You can't stop but feel stressed, do certain things.
2092
+
2093
+ So, my friends, getting off on this.
2094
+
2095
+ Right.
2096
+
2097
+ To end today's lecture, I want to highlight there are
2098
+
2099
+ four different neurochemical circuits in your brain that again, this
2100
+
2101
+ is not a one off.
2102
+
2103
+ We keep going back to these circuits.
2104
+
2105
+ So I'm introducing them here as actors in our story
2106
+
2107
+ about threatening behaviour.
2108
+
2109
+ One of these is the the noradrenaline system.
2110
+
2111
+ You'll hear about this next week again.
2112
+
2113
+ And there's a particular nuclei in your brainstem called the
2114
+
2115
+ locus surrealists and it sends out fibres.
2116
+
2117
+ Here are the neurones.
2118
+
2119
+ They sit here and they send fibres, axons all the
2120
+
2121
+ way through the whole brain.
2122
+
2123
+ And this is part of our central activation systems that
2124
+
2125
+ get converts that line when you want to upregulate the
2126
+
2127
+ to activate the brain to take on an act, you
2128
+
2129
+ need a system.
2130
+
2131
+ Widespread power.
2132
+
2133
+ Enhance my vision.
2134
+
2135
+ I want to listen better.
2136
+
2137
+ I want to be able to focus.
2138
+
2139
+ You need you need a brain wide broadcasting system.
2140
+
2141
+ And that's what the noradrenaline system does.
2142
+
2143
+ Adrenaline, you may be aware of this is that this
2144
+
2145
+ is something you might treat some of it.
2146
+
2147
+ Anaphylaxis is something you might want to take an active
2148
+
2149
+ hand and inject adrenaline directly.
2150
+
2151
+ And this this drug is very similar, very, very similar.
2152
+
2153
+ The molecule to noradrenaline in the brain, adrenaline is doing
2154
+
2155
+ that in your body and noradrenaline is the activation molecule
2156
+
2157
+ in your brain.
2158
+
2159
+ Last bit talk the dopaminergic system which which is a
2160
+
2161
+ much more restricted section of the brain, this molecule dopamine,
2162
+
2163
+ we'll come onto that later also described as the desired
2164
+
2165
+ molecule and we'll get to that.
2166
+
2167
+ Finally, we have our choline molecules, both in sleep and
2168
+
2169
+ memory.
2170
+
2171
+ That comes from two particular nuclei and a bizarre nucleus,
2172
+
2173
+ right?
2174
+
2175
+ Peduncle, pontine nucleus.
2176
+
2177
+ We'll come back to these again.
2178
+
2179
+ Finally, we have serotonin, a molecule that gets involved in
2180
+
2181
+ the treatment of depression and mood disorders, and that comes
2182
+
2183
+ from a number of the RAF finding them again very
2184
+
2185
+ widespread.
2186
+
2187
+ So this is an example of a kind of question
2188
+
2189
+ you might get at the end of the course.
2190
+
2191
+ Which ventricle are we looking at here?
2192
+
2193
+ Is it the for the third or the lateral ventricles?
2194
+
2195
+ The way to learn that material is taking that resource.
2196
+
2197
+ I said that word document.
2198
+
2199
+ I'm playing with that and looking up because this image
2200
+
2201
+ is taken directly from that web tutorial.
2202
+
2203
+ So I've linked.
2204
+
2205
+ So if you go and explore that, you will learn
2206
+
2207
+ your your anatomy very well.
2208
+
2209
+ That's the resource here.
2210
+
2211
+ Do use my guide because it's more information you need.
2212
+
2213
+ I'll see you next post for you next week for
2214
+
2215
+ more on neurones and their structure.
2216
+
2217
+ Thank you.
2218
+
2219
+ Thank.
raw_transcripts/lecture_3.txt ADDED
@@ -0,0 +1,2363 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ And someone up the back just told me.
2
+
3
+ It's very hard to tell what the volume is here
4
+
5
+ at the back.
6
+
7
+ And you hear me fairly well.
8
+
9
+ Okay.
10
+
11
+ Thank you.
12
+
13
+ And just make sure since I once started a lecture
14
+
15
+ and got 10 minutes through it until someone told me
16
+
17
+ they were in the maths department, weren't quite sure what
18
+
19
+ neuroscience to do with that degree.
20
+
21
+ We are here for brain and behaviour.
22
+
23
+ Is that correct?
24
+
25
+ Good start.
26
+
27
+ Okay.
28
+
29
+ Oh, I get a little bit slowly over the next
30
+
31
+ couple of minutes.
32
+
33
+ Just make sure if there's any other people who are
34
+
35
+ coming in can come in.
36
+
37
+ My name is Sam Coleman or Professor Sam Kaufman.
38
+
39
+ I don't think I've met you yet.
40
+
41
+ You may have seen me in the video.
42
+
43
+ I'm not sure.
44
+
45
+ I'm the head of Department of Experimental Psychology.
46
+
47
+ I base is a better way along with you go.
48
+
49
+ I'm the person you'll be seeing most in this course.
50
+
51
+ That may or not may not be a good thing.
52
+
53
+ I feel nervous today because this is the first letter
54
+
55
+ I have given for about three years, so I apologise
56
+
57
+ if I'm a little bit stumbling.
58
+
59
+ I'll get back into the swing of it over the
60
+
61
+ next few weeks, I hope.
62
+
63
+ Please come in.
64
+
65
+ So the aim of these two lectures today and on
66
+
67
+ Friday is to give each of you make sure you're
68
+
69
+ all up to about the same place and understanding a
70
+
71
+ little bit about the cellular function of nerve cells and
72
+
73
+ how their activity helps us to see the here, etc..
74
+
75
+ Can I just as a matter of starting point, can
76
+
77
+ I ask who has done some form of biology before
78
+
79
+ on neuroscience?
80
+
81
+ Fantastic.
82
+
83
+ Who has actually specifically done some form of neuroscience before?
84
+
85
+ A few of you.
86
+
87
+ So for some of you, this might be a little
88
+
89
+ bit of old rope.
90
+
91
+ For the next couple of lectures.
92
+
93
+ I hope you'll be able to think about some things
94
+
95
+ that you might not have thought about.
96
+
97
+ For many of you, this might be the first introduction
98
+
99
+ to neuroscience that you've had over these last couple of
100
+
101
+ weeks, and I hope that you'll be able to get
102
+
103
+ up to speed to where we want you to be,
104
+
105
+ where we hope you'll be pretty quickly.
106
+
107
+ Well, that is a really annoying door squeak, isn't it?
108
+
109
+ Or just let people come in.
110
+
111
+ She.
112
+
113
+ I have a feeling this door is going to squeak
114
+
115
+ for a while, so I'm going to have to kind
116
+
117
+ of get started and try and talk over the squeak.
118
+
119
+ I studied molecular biology when I was an undergraduate.
120
+
121
+ Sometimes I go back and think things have changed a
122
+
123
+ lot since I started.
124
+
125
+ That was 25, 30 years ago.
126
+
127
+ I practised as a neurophysiologist for most of my life.
128
+
129
+ Sometimes it's a little bit hard for me to step
130
+
131
+ back and understand what I do know and don't know
132
+
133
+ what I should know and should not know.
134
+
135
+ For these reasons, I'm very happy for you to interrupt
136
+
137
+ and tell me you don't understand what I'm talking about,
138
+
139
+ right?
140
+
141
+ Sometimes it's difficult to pitch something that you know intimately
142
+
143
+ to the right level.
144
+
145
+ Okay, So please do interrupt.
146
+
147
+ I hope that what I'm trying to do is trying
148
+
149
+ in this lectures to try and keep some of the
150
+
151
+ flavour of what we learn to do over the pandemic
152
+
153
+ years.
154
+
155
+ And and I'm going to try and be a bit
156
+
157
+ more interactive towards the end of this lecture.
158
+
159
+ Hopefully we'll get through in time and get through to
160
+
161
+ it.
162
+
163
+ I want to get I want to make sure you're
164
+
165
+ all up to speed about the basic concepts.
166
+
167
+ There's a lot of additional reading you could do to
168
+
169
+ understand more detail.
170
+
171
+ There are some fundamental things I think we need to
172
+
173
+ understand about nerve cells, about brains, to understand how it
174
+
175
+ is that our cognition is structured, to understand how it
176
+
177
+ is that we think about things, to understand how it
178
+
179
+ is that I see you when you see me.
180
+
181
+ And that's the purpose of these two lectures.
182
+
183
+ You might have seen this before.
184
+
185
+ When I started out, as I said, training as a
186
+
187
+ molecular biologist.
188
+
189
+ My second year, I finally found a neurone and after
190
+
191
+ about a year and a half of studying crab cycles
192
+
193
+ and everything else, which I tell you, I'm not that
194
+
195
+ interesting.
196
+
197
+ This structure was something that really fascinated me.
198
+
199
+ And this is a neurologist as a basic function of
200
+
201
+ your brain, a very basic functional unit of your brain.
202
+
203
+ And neurone has several defining characteristics.
204
+
205
+ What I want to draw your attention to in this
206
+
207
+ slide are the dendrites, these profusion of little tree like
208
+
209
+ structures that come off the cell body or soma, the
210
+
211
+ thermal self, which is where the DNA in the nucleus
212
+
213
+ is, for example.
214
+
215
+ And then the axon, which extends from the SOMA, a
216
+
217
+ very specialised process and heads out towards the terminal boot.
218
+
219
+ And this neurone has a bipolar kind of structure.
220
+
221
+ It has inputs at the dendrites and outputs of the
222
+
223
+ axon or nerve endings and the functions, the activity of
224
+
225
+ these neurones, the computations that they perform which underlie all
226
+
227
+ of what we do.
228
+
229
+ So I'd like to start off with the central question
230
+
231
+ Why do we actually have brains?
232
+
233
+ When I try to ask myself this question, I come
234
+
235
+ up with many different answers.
236
+
237
+ And this is one I've said all along over the
238
+
239
+ last few years as limit brains around the body, this
240
+
241
+ collection of organs, muscles, etc., to respond to its environment
242
+
243
+ and to allow plastic control of the body so something
244
+
245
+ we can adapt to changes in the environment or changes
246
+
247
+ in the body itself.
248
+
249
+ If you think about the simplest possible nerve cell circuit
250
+
251
+ that we have in our bodies, for example, the reflex
252
+
253
+ circuit that allows us to withdraw our hand rapidly from
254
+
255
+ a hand that is a very simple circuit.
256
+
257
+ There are two sign ups as to connections between neurones
258
+
259
+ involved.
260
+
261
+ There is a sensory neurones that goes from the periphery
262
+
263
+ or from this case, the hand goes up the spinal
264
+
265
+ cord.
266
+
267
+ Little things and you're on there and then there's a
268
+
269
+ motor neurone that goes from the spinal cord back to
270
+
271
+ the muscles that control that hand in this case.
272
+
273
+ That is the simplest possible neural circuit that we have
274
+
275
+ in our body.
276
+
277
+ It allows us to react very quickly to something that
278
+
279
+ happened in the environment.
280
+
281
+ In this case, touching something hot that might cause damage
282
+
283
+ to our skin or other parts of our body.
284
+
285
+ It is functioning very simple and really helpful.
286
+
287
+ If we wanted then elaborated by, for example, reaching out
288
+
289
+ and touching something.
290
+
291
+ And for me, that's what the brain does.
292
+
293
+ It's a centralised way to try and control these circuits
294
+
295
+ and others like them that allow us to adaptively react
296
+
297
+ to our environment and to plan and to do things
298
+
299
+ that we couldn't simply do with a simple two neurone
300
+
301
+ circuit.
302
+
303
+ The neurones in the brain allow centralised and plastic control
304
+
305
+ of the body, and a simple task in these two
306
+
307
+ lectures is to try and understand how it is that
308
+
309
+ those neurones allow that form of control to illustrate the
310
+
311
+ complexity of the issue.
312
+
313
+ This is a slide.
314
+
315
+ This raises some of the brains in relative scales of
316
+
317
+ the species that might be studied in neuroscience, including the
318
+
319
+ bottom right there, the human brain, about one and a
320
+
321
+ half kilos of stuff, about 86 billion nerve cells at
322
+
323
+ the top left there have highlighted a couple of other
324
+
325
+ animals that are often studied mouse and rat, both rodents.
326
+
327
+ A mouse, for example, has a brain about half a
328
+
329
+ gram in weight, and about 71 million cells do quite
330
+
331
+ a lot, but a far cry from 86 billion.
332
+
333
+ And then there are other animals like marmosets and macaques,
334
+
335
+ both of whom are non-human primates, and have been important
336
+
337
+ models in understanding human brain function.
338
+
339
+ Now, our brain is substantially bigger than those of these
340
+
341
+ studied species, mainly study species, but we shouldn't get too
342
+
343
+ cocky if we look at the size of the brain
344
+
345
+ of an African elephant, for example, it's much bigger than
346
+
347
+ ours.
348
+
349
+ Now I leave it up to you to decide whether
350
+
351
+ an elephant is smarter than us or not, but I
352
+
353
+ simply mean that size itself doesn't really matter.
354
+
355
+ The complexity and function of these brains is all enough
356
+
357
+ to allow the species to adapt and survive in their
358
+
359
+ environments.
360
+
361
+ Now emphasise that there are 8 billion nerve cells in
362
+
363
+ the brain.
364
+
365
+ Neurones.
366
+
367
+ But that's about equal numbers of other types of cells.
368
+
369
+ These are loosely cuentas glia.
370
+
371
+ And I just want to explain to you why we're
372
+
373
+ not going to be talk about and talking about glia
374
+
375
+ for almost the entire rest of the course.
376
+
377
+ They are about half the cells in the brain, and
378
+
379
+ yet we're not going to be talking about them.
380
+
381
+ Why is that?
382
+
383
+ So this photo or this series of photos on the
384
+
385
+ right here that some guy took several years ago now
386
+
387
+ obtained by a technique called photon microscopy.
388
+
389
+ We'll be talking about that a little bit next week
390
+
391
+ in the methods section.
392
+
393
+ What I've done here is find some cells in the
394
+
395
+ brain with a substance that makes them appear black in
396
+
397
+ the slide.
398
+
399
+ And those cells are astrocytes, a form of glia, one
400
+
401
+ of these non nerve cells in the brain.
402
+
403
+ These images are a series of images taken a very
404
+
405
+ narrow depth about two micrometres or 2000s of a millimetre
406
+
407
+ apart.
408
+
409
+ Down through the brain of actually, in this case, a
410
+
411
+ living rat.
412
+
413
+ And you can see these different black things here.
414
+
415
+ Hopefully you can see my area up there.
416
+
417
+ These black things here are these astrocytes and they have
418
+
419
+ these lovely processes that connect neurones.
420
+
421
+ Many of these white holes, the neurones and the blood
422
+
423
+ vessels, some of these larger one of the blood vessels
424
+
425
+ in the brain unstained in this preparation.
426
+
427
+ And can see these lovely processes connecting all these neurones
428
+
429
+ and blood vessels together.
430
+
431
+ So those cells are there.
432
+
433
+ These are just one form of the known neuronal cells,
434
+
435
+ but we don't really study them.
436
+
437
+ Now there are three basic types of cells we'll come
438
+
439
+ across.
440
+
441
+ One is the neurones, as I said, will get to
442
+
443
+ them.
444
+
445
+ Most of this course, these are what we call excitable
446
+
447
+ cells.
448
+
449
+ And hopefully by the end of this lecture you'll understand
450
+
451
+ what I mean by excitable cells.
452
+
453
+ Two other very common parts of cells in the brain
454
+
455
+ of the microglia, which are effectively the immune system of
456
+
457
+ the brain, very important.
458
+
459
+ For example, there are many diseases which seem to be
460
+
461
+ basically a malfunction of the immune system of the brain
462
+
463
+ of microglia.
464
+
465
+ And then there's these other cells, astrocytes and other known
466
+
467
+ example cells, for example, which connect these things together, which
468
+
469
+ seem to provide the kind of super structure in which
470
+
471
+ these nerve cells can survive and thrive.
472
+
473
+ They also do other important things like maintaining what we
474
+
475
+ call homeostasis.
476
+
477
+ That is the amount of energy that you need for
478
+
479
+ neurones to survive or the kinds of chemicals that they
480
+
481
+ need to survive in the brain.
482
+
483
+ The neurones are excitable and they can send signals over
484
+
485
+ long distances.
486
+
487
+ There is no cells capable of integrating and propagating signals
488
+
489
+ very, very rapidly.
490
+
491
+ An action potential which we spent a large amount of
492
+
493
+ this lecture going takes about one millisecond or one thousandths
494
+
495
+ of a second to occur.
496
+
497
+ Those action potentials can travel sometimes up two metres down
498
+
499
+ the axons neurone sends.
500
+
501
+ These neurones have distinct zones as illustrated before for input
502
+
503
+ the dendrites and output the axon terminals.
504
+
505
+ That directional flow of input output allows them to do
506
+
507
+ computations to take some summation of the inputs, compute and
508
+
509
+ send a single output.
510
+
511
+ Neurones also therefore formed these what were called hierarchal networks.
512
+
513
+ Computations done at one stage of neural processing are then
514
+
515
+ sent by the axons in the form of action potentials
516
+
517
+ to the next stage of neurone processing.
518
+
519
+ And we build up these successive representations, much like we
520
+
521
+ do in computer models of the brain where we try
522
+
523
+ to build.
524
+
525
+ If you're familiar with kinds of nets that Google uses
526
+
527
+ to do image recognition, for example, these are successive hierarchical
528
+
529
+ representations of the image, and they're based actually on brain
530
+
531
+ function, our understanding of the visual system in particular.
532
+
533
+ On the other hand, astrocytes are not excitable cells, so
534
+
535
+ they tend to have slow signals, their signals not formed
536
+
537
+ in the order of one millisecond, but rather on the
538
+
539
+ order of 3 to 5 seconds, slowly fluctuate much slower
540
+
541
+ than we think.
542
+
543
+ The normal perception of cognitive events or perception, you are
544
+
545
+ able to type much faster than that.
546
+
547
+ Astrocytes also connect to each other via various things called
548
+
549
+ gap junctions.
550
+
551
+ It's a little holes in the membrane between the way
552
+
553
+ the membranes with true cells meet.
554
+
555
+ Allows electrical current to flow through these membranes.
556
+
557
+ So those astrocytes that you saw in those beautiful pictures
558
+
559
+ from the rat cortex are actually one large network.
560
+
561
+ We call this a synthetic network.
562
+
563
+ And those that network, the activity, that network very slowly
564
+
565
+ over time and space, again, incommensurate with what we think
566
+
567
+ cognitive events are like, which are precise, rapid and very
568
+
569
+ particular events.
570
+
571
+ So for these reasons, we do not think the glia
572
+
573
+ are important for the particular structure of cognition that you
574
+
575
+ have.
576
+
577
+ They are almost certainly very important for maintaining the neural
578
+
579
+ signals.
580
+
581
+ Failure in astrocytes and other forms of glia can lead
582
+
583
+ to neural malfunction and disordered activity of neurones.
584
+
585
+ But we don't think that the activity of those cells
586
+
587
+ that are important for the kind of cognitive events that
588
+
589
+ we experience.
590
+
591
+ Instead, we think those are the job of the nerve
592
+
593
+ cells, those 86 billion nerve cells in your brain, not
594
+
595
+ the 86 billion other cells.
596
+
597
+ I, as I've said, carry on.
598
+
599
+ Euroclear clears word for glue.
600
+
601
+ You can tell what the unanimous thought of them when
602
+
603
+ they made up that name.
604
+
605
+ I thought provide physical support that actually struck to the
606
+
607
+ brain to remove debris and vacuum cleaners, basically provide immune
608
+
609
+ function, work out when things go wrong.
610
+
611
+ They also provide things called myelin while sheath, which we'll
612
+
613
+ get to in the second, which help nerve cells communicate
614
+
615
+ to each other.
616
+
617
+ No particular cell types are called Oligodendrocytes.
618
+
619
+ And they relative in the peripheral system out there and
620
+
621
+ the arms are called formed cells also make myelin.
622
+
623
+ Now, I've mentioned that astrocytes help maintain homeostasis, and I've
624
+
625
+ shown you in those pictures that the blood vessels and
626
+
627
+ the neurones are connected by these networks of astrocytes.
628
+
629
+ And actually those astrocytes are doing two basic functions, at
630
+
631
+ least one or two, but two that we need to
632
+
633
+ think about.
634
+
635
+ One is they actually help communicate energy levels or energy
636
+
637
+ from the blood vessels, from the blood supply to those
638
+
639
+ neurones, help those neurones work.
640
+
641
+ And the second thing they do is actually signal to
642
+
643
+ the local blood supply whether they need more energy or
644
+
645
+ not.
646
+
647
+ So if the local area of neurones is being very
648
+
649
+ active, the energy supply like a fabulous.
650
+
651
+ I think it's gone up.
652
+
653
+ It didn't.
654
+
655
+ See if you somewhat.
656
+
657
+ Is this one working?
658
+
659
+ So these astrocytes help communicate to the blood vessels that
660
+
661
+ they need more energy.
662
+
663
+ And when that happens, those blood vessels expand, they dilate,
664
+
665
+ the blood flow to that area increases, and the energy
666
+
667
+ to that local area increases supply.
668
+
669
+ As important for understanding, for example, the bold signal with
670
+
671
+ the blood oxygen level dependent signal that you see in
672
+
673
+ the AFM range.
674
+
675
+ That is a change effectively in the blood flow to
676
+
677
+ particular parts of the brain that is organised by those
678
+
679
+ astrocytes in response to local neuronal activity.
680
+
681
+ And you can show this by, for example, using this
682
+
683
+ technique, like I said, called to photon microscopy to stimulate
684
+
685
+ the little processes of those astrocytes surrounding blood vessels.
686
+
687
+ When you do that, you see the blood vessels increase
688
+
689
+ in diameter, allowing more blood, more nutrients to get to
690
+
691
+ local area.
692
+
693
+ So they help these astrocytes help brains maintain local energy
694
+
695
+ homeostasis.
696
+
697
+ The oligodendrocytes that I mentioned.
698
+
699
+ These helped make the myelin sheets, these little fatty liberty
700
+
701
+ things that surround the axons.
702
+
703
+ And we'll get to the importance of that in a
704
+
705
+ second.
706
+
707
+ You can see them here.
708
+
709
+ These myelin sheath, they are interrupted.
710
+
711
+ They're not the entire acts neurone toppled by little slices
712
+
713
+ of exposed membrane organised around here.
714
+
715
+ And you can see that these oligodendrocytes make these little
716
+
717
+ seeds.
718
+
719
+ One oligodendrocyte may be making seeds for many different axons.
720
+
721
+ Similarly, in this one person in the periphery.
722
+
723
+ Important is low seats are very important, as we'll see
724
+
725
+ in the second disorders of the root of many of
726
+
727
+ the disruptive brain diseases that we know.
728
+
729
+ For example, multiple sclerosis is a demyelination disease, removing the
730
+
731
+ myelin from the axons.
732
+
733
+ Why would that be important?
734
+
735
+ We'll try to find that out in a couple of
736
+
737
+ slides time.
738
+
739
+ So I'm taking you through them the basic function of
740
+
741
+ several of those non neuronal cells.
742
+
743
+ Just to illustrate to you that they are important.
744
+
745
+ There's a reason that 6 billion in the brain.
746
+
747
+ I hope the photo to why we're not going to
748
+
749
+ study them, why we think that the neurones which can
750
+
751
+ provide these very rapid hierarchically organised signals are the ones
752
+
753
+ that are important for the structure of thoughts, perception, cognition.
754
+
755
+ And that is the last, I would say, almost certainly
756
+
757
+ of glial cells in the next ten weeks.
758
+
759
+ So I illustrated you before I sent it to you,
760
+
761
+ by the way.
762
+
763
+ Now, I'm going to interrupt these things into a little
764
+
765
+ section that will become clearer if we go on.
766
+
767
+ This might be a bit of time for us to
768
+
769
+ understand whether or not it went to some issues with
770
+
771
+ talked about so far.
772
+
773
+ Are there any questions you'd like to resolved in the
774
+
775
+ meantime off the back of your own?
776
+
777
+ Sorry.
778
+
779
+ You have to speak up a little bit is.
780
+
781
+ Really happens here.
782
+
783
+ Sorry.
784
+
785
+ Let me just come up closer.
786
+
787
+ And is.
788
+
789
+ It's a very good question.
790
+
791
+ I'm not going to go into it because there's actually
792
+
793
+ several things wrong with that slide.
794
+
795
+ And it does make me want to just make clear
796
+
797
+ there are some small white lies I'm going to tell
798
+
799
+ you over the next lecture.
800
+
801
+ Bear with me.
802
+
803
+ Including that one.
804
+
805
+ Okay.
806
+
807
+ Bear with me.
808
+
809
+ It's to help us all understand the basic issue of
810
+
811
+ energy supply, for example, not the particular aspects of the
812
+
813
+ cycles that they go through.
814
+
815
+ So I understand the question.
816
+
817
+ I just don't want to try and make it too
818
+
819
+ complicated at the moment.
820
+
821
+ There are a couple of white lines here.
822
+
823
+ I hope that neither of them make it problem.
824
+
825
+ Why are they metabolising lactate, not glucose that was there?
826
+
827
+ I think that was the question.
828
+
829
+ There's an answer to that, but I think it's beyond
830
+
831
+ what we need one after this typical lecture.
832
+
833
+ Okay, I'll just move on to the next week, which
834
+
835
+ is the neurones are excitable cells.
836
+
837
+ So why is it important to understand new signal transmission?
838
+
839
+ Maybe this is like, Well, duh, but I just want
840
+
841
+ to try and convince you that it's actually an important
842
+
843
+ thing.
844
+
845
+ I've stated already that the function of the brain and
846
+
847
+ the nervous system in general is to receive, transmit and
848
+
849
+ process signals.
850
+
851
+ This is what it does.
852
+
853
+ So to understand how the brain works, we need to
854
+
855
+ understand how it transmits processes.
856
+
857
+ Those signals is no point otherwise.
858
+
859
+ And if further, if we understood how the brain does
860
+
861
+ this, this would allow us to do things like understand
862
+
863
+ how little anaesthetics work.
864
+
865
+ Who here has had a local anaesthetic before?
866
+
867
+ Anyone.
868
+
869
+ They wanna know what a local anaesthetic is.
870
+
871
+ Little you might rap on something.
872
+
873
+ Injections you've got.
874
+
875
+ I have to get these things called basal cell carcinoma
876
+
877
+ for my face every so often.
878
+
879
+ I grew up in Australia.
880
+
881
+ It's terrible.
882
+
883
+ I get so many injections of local anaesthetic in my
884
+
885
+ face.
886
+
887
+ Hate me.
888
+
889
+ Has anyone else had anaesthetic injections?
890
+
891
+ What are they?
892
+
893
+ What do they help?
894
+
895
+ You do not feel pain or anything or anything.
896
+
897
+ Is that where he said that or anything?
898
+
899
+ Not feel anything?
900
+
901
+ Exactly.
902
+
903
+ Actually, it's a really strange sensation.
904
+
905
+ And it's like a an absence of anything.
906
+
907
+ Not actually a presence or some or lack of in
908
+
909
+ something.
910
+
911
+ And hopefully we'll understand why they work in a second.
912
+
913
+ They hope this knowledge would also help us understand how
914
+
915
+ anti-depressants work, how drugs affect the brain, how diseases like
916
+
917
+ multiple sclerosis and Alzheimer's disease damage the brain, and why
918
+
919
+ they cause the symptoms they do, as well as these
920
+
921
+ aspects of cognition.
922
+
923
+ I want to make clear to you that I think
924
+
925
+ that understanding how nerve cells processing was actually at the
926
+
927
+ core of all of brain and behaviour, all of psychology,
928
+
929
+ for example, because without that understanding it's very difficult to
930
+
931
+ know what it is we are trying to explain.
932
+
933
+ So this is going to be a bit of another
934
+
935
+ white lie, but just bear with me about this again,
936
+
937
+ helps us understand, I hope, the kind of signals we'll
938
+
939
+ be talking about.
940
+
941
+ So in the old days, by the old days, I
942
+
943
+ mean probably starting the beginning of last century.
944
+
945
+ This is how most of neurophysiology, the physiology of nerve
946
+
947
+ cells was conducted.
948
+
949
+ A large squid would be captured.
950
+
951
+ It's giant Exxon, which is huge, much larger than any
952
+
953
+ of your icons, is excised and put into a bath
954
+
955
+ of saltwater seawater.
956
+
957
+ A couple of fine glass electrodes are pooled on some
958
+
959
+ machine which can pull them.
960
+
961
+ These electrodes have small tips filled again with another salty
962
+
963
+ solution.
964
+
965
+ And we generally take two of those electrodes or at
966
+
967
+ least one of those bathymetry and something else like a
968
+
969
+ piece of wire.
970
+
971
+ We put the wire in the salt bath and put
972
+
973
+ the electrode into the axon and you can record the
974
+
975
+ difference in electrical potential between these two things.
976
+
977
+ And that's what's recorded on something like a little camera.
978
+
979
+ So this photometry is recording the difference between the inside
980
+
981
+ and the outside of the cell.
982
+
983
+ In this case, the axon of that cell.
984
+
985
+ That whole time, too, was very much like a light
986
+
987
+ lotus when you attach it to the both ends of
988
+
989
+ the battery.
990
+
991
+ Potential difference of process to enter the battery causes current
992
+
993
+ flow and the like per well.
994
+
995
+ So we're going to do something similar to that with
996
+
997
+ electrical device.
998
+
999
+ This is the only bit of chemistry you need to
1000
+
1001
+ know.
1002
+
1003
+ From my perspective.
1004
+
1005
+ I don't.
1006
+
1007
+ Who here knows what an island is?
1008
+
1009
+ We all remember back to those dark organic chemistry days,
1010
+
1011
+ but some little bit like ions, atoms and molecules that
1012
+
1013
+ have lost or gained one or more electrons.
1014
+
1015
+ So an iron is positively charged.
1016
+
1017
+ What we call the cation is one that's lost an
1018
+
1019
+ electron, for example, a sodium atom.
1020
+
1021
+ And a sodium has this one little poor electron wandering
1022
+
1023
+ around on this outer shell.
1024
+
1025
+ If it loses that electron, it becomes positively charged with
1026
+
1027
+ electrons themselves and negatively charged it lose.
1028
+
1029
+ The electron becomes positively charged, and we denote this item
1030
+
1031
+ now as having an A plus plus relative charge.
1032
+
1033
+ Similarly, if a atom gained electron would become negatively charged
1034
+
1035
+ if the sample chloride gains electron becomes negatively charged.
1036
+
1037
+ We do know that with a little minus sign.
1038
+
1039
+ The substances we call salts, combinations of these positively and
1040
+
1041
+ negatively charged molecules ions.
1042
+
1043
+ So, for example, table salt, the stuff that we eat
1044
+
1045
+ is a combination of sodium chloride.
1046
+
1047
+ When you put into water, those two ions can dissipate
1048
+
1049
+ and move around freely.
1050
+
1051
+ Coming in sodium, potassium chloride minus.
1052
+
1053
+ And the body is basically 80% water.
1054
+
1055
+ So you can imagine the pool of ions floating around
1056
+
1057
+ in there, including the brain.
1058
+
1059
+ Okay.
1060
+
1061
+ The next bit of that is, I think, over chemistry.
1062
+
1063
+ We're going to have to know.
1064
+
1065
+ The next bit is just to try and get you
1066
+
1067
+ through some terminology that we're going to use as well.
1068
+
1069
+ Way to think about cells.
1070
+
1071
+ I sometimes find that we talk about self and then
1072
+
1073
+ don't really think about what they are.
1074
+
1075
+ So this is a sale, or at least if I
1076
+
1077
+ had a blackboard, I would put it that this is
1078
+
1079
+ a cell.
1080
+
1081
+ What's distinctive about this thing?
1082
+
1083
+ Anyone with a.
1084
+
1085
+ Tell me.
1086
+
1087
+ Or the.
1088
+
1089
+ Wants to think about that.
1090
+
1091
+ It's a regular.
1092
+
1093
+ Thing.
1094
+
1095
+ Regular.
1096
+
1097
+ They will ignore that for the moment.
1098
+
1099
+ What else is there?
1100
+
1101
+ It's not so long.
1102
+
1103
+ It's got a cell wall or a membrane.
1104
+
1105
+ Exactly.
1106
+
1107
+ It's got an inside and outside.
1108
+
1109
+ It's basically a bag of stuff.
1110
+
1111
+ Right.
1112
+
1113
+ That membrane or cell wall, whatever you want to call
1114
+
1115
+ it, which is a bunch of fats.
1116
+
1117
+ Sometimes phospholipid is a little formula bag in which you
1118
+
1119
+ stick stuff.
1120
+
1121
+ And those phospholipids are really tightly bound and don't allow
1122
+
1123
+ things to move across the membrane fairly impermeable to a
1124
+
1125
+ lot of the things you think are important.
1126
+
1127
+ So this bag means there's an intra or within cell
1128
+
1129
+ and extra or outside cell space, three different spaces for
1130
+
1131
+ two different things.
1132
+
1133
+ And inside the cell is what we're kind of concerned
1134
+
1135
+ about.
1136
+
1137
+ Although to understand what's happening inside the cell, we have
1138
+
1139
+ kind of also understand what's happening outside the shell.
1140
+
1141
+ It's that's itself just a bag of spice.
1142
+
1143
+ A bag of stuff includes the nucleus, includes, you know,
1144
+
1145
+ the DNA and gene stuff and proteins and things like
1146
+
1147
+ that.
1148
+
1149
+ But in the end, it's a bag, this bag formed
1150
+
1151
+ by cell membrane.
1152
+
1153
+ The next thing is the science.
1154
+
1155
+ A little bit of chemistry are not all in the
1156
+
1157
+ same place.
1158
+
1159
+ So, for example, throw mines which are described mainly outside
1160
+
1161
+ the neurones in the extracellular space.
1162
+
1163
+ Potassium, which is tonight confusingly with this K is mainly
1164
+
1165
+ inside the cell.
1166
+
1167
+ And calcium, which has two parts because it's lost to
1168
+
1169
+ electrons, is also mainly outside the cell.
1170
+
1171
+ Or the negative ions or anions.
1172
+
1173
+ There's two different types we're concerned with generally.
1174
+
1175
+ One is chloride, which is kind of an extra electron
1176
+
1177
+ that's mainly outside the cell, and the other are proteins
1178
+
1179
+ themselves.
1180
+
1181
+ That's stuff that makes up our cellular machinery also usually
1182
+
1183
+ in charge, and that's mainly inside the cell to do
1184
+
1185
+ with the cell.
1186
+
1187
+ So if we look at the cells or a few
1188
+
1189
+ cells here, we would see that there are some anions
1190
+
1191
+ and potassium ions within the cell.
1192
+
1193
+ And then there's a bunch of calcium chloride and sodium
1194
+
1195
+ floating around outside of.
1196
+
1197
+ And so these different locations, special locations that these islands
1198
+
1199
+ are really important because basically there's a gradient between the
1200
+
1201
+ inside on the outside of the cells for the concentration
1202
+
1203
+ of those ions.
1204
+
1205
+ More potassium inside, more sodium outside.
1206
+
1207
+ Those gradients of concentration set up.
1208
+
1209
+ What are cold set up are the basis of the
1210
+
1211
+ electrical potentials that we see in nerve cells.
1212
+
1213
+ Now, if we go back to how we measure the
1214
+
1215
+ activity of nerve cells of the electorate inside and outside
1216
+
1217
+ of the cell.
1218
+
1219
+ We find that actually, generally speaking, in fact, almost always
1220
+
1221
+ these nerve cells are what we call negatively charged.
1222
+
1223
+ They have a resting membrane potential that is in the
1224
+
1225
+ absence of anything else of about -70 millivolts.
1226
+
1227
+ Minus 70,000th of a vote.
1228
+
1229
+ They don't seem like much, but it's a lot.
1230
+
1231
+ It's enough.
1232
+
1233
+ That negative potential.
1234
+
1235
+ The difference between the insight into so and so the
1236
+
1237
+ space is the basis for all of new single use
1238
+
1239
+ signalling.
1240
+
1241
+ And this the statement here is this show is polarised
1242
+
1243
+ and it doesn't have the same inside and outside.
1244
+
1245
+ So if the potential difference gets smaller, i.e. goes towards
1246
+
1247
+ zero, so it gets to 60, we say the will
1248
+
1249
+ be polarised, less polarisation.
1250
+
1251
+ If it gets more polarised, it gets further way from
1252
+
1253
+ zero, like the -80 with a hyper polarised, more polarisation.
1254
+
1255
+ So this resting membrane potential, which I've argued, which I
1256
+
1257
+ will argue is the basis of all our brain function,
1258
+
1259
+ is actually the largest single sink of energy in the
1260
+
1261
+ body.
1262
+
1263
+ Most of the energy that your brain uses in your
1264
+
1265
+ brain uses most the energy in your body towards keeping
1266
+
1267
+ this resting resting memory potential at about -70 millivolts.
1268
+
1269
+ So again, if we put the electrode from outside into
1270
+
1271
+ the axon that we were seeing before, you see the
1272
+
1273
+ potential go from 0 to 60 miles, 70 millivolts.
1274
+
1275
+ The difference between the inside and the outside of the
1276
+
1277
+ cell.
1278
+
1279
+ As I explained, to try to explain, I encourage you
1280
+
1281
+ to read about this.
1282
+
1283
+ Way too many books on this many articles.
1284
+
1285
+ You can have a thank you in much clearer way
1286
+
1287
+ than I'm trying to do it now.
1288
+
1289
+ This potential the rest of member States was a result
1290
+
1291
+ of the difference in the ionic concentrations.
1292
+
1293
+ So for example, sodium is more common outside the sodium
1294
+
1295
+ inside itself.
1296
+
1297
+ Potassium is more common inside the cells phone outside the
1298
+
1299
+ cell.
1300
+
1301
+ And the fact that that membrane so membrane, the fact
1302
+
1303
+ that this is a cell is largely permeable to a
1304
+
1305
+ lot of these ions.
1306
+
1307
+ By impermeable I mean that those ions cannot easily cross.
1308
+
1309
+ If I could easily cross half the sodium, we're going
1310
+
1311
+ to be the inside of the outside the cell.
1312
+
1313
+ And if there was no difference between the inside the
1314
+
1315
+ outside.
1316
+
1317
+ So the concentration of those ions, there would be no
1318
+
1319
+ membrane potential.
1320
+
1321
+ So the fact that this membrane, this bag is largely
1322
+
1323
+ impermeable to ions is what allows the cell to set
1324
+
1325
+ up this potential difference between the inside and outside the
1326
+
1327
+ resting membrane potential.
1328
+
1329
+ And then what you need is little things in those
1330
+
1331
+ membranes, little holes, little pores that you can open and
1332
+
1333
+ close to allow ions to flex across.
1334
+
1335
+ Once you've made this bag, you then have to put
1336
+
1337
+ new pinpricks in it and have it be controllable or
1338
+
1339
+ something.
1340
+
1341
+ And once you got those three things, the ability to
1342
+
1343
+ control the flux lines across the membrane and this difference
1344
+
1345
+ between the similar concentration and extracellular content of those items,
1346
+
1347
+ you can make a cell.
1348
+
1349
+ And they can help us so communicate.
1350
+
1351
+ There is a little pump movie which has a on
1352
+
1353
+ on the middle side, which I like to look at,
1354
+
1355
+ which has an interesting take on this.
1356
+
1357
+ I encourage you to look out when I say this.
1358
+
1359
+ I mean what I was about for it.
1360
+
1361
+ So I've already said the potential requires energy and is
1362
+
1363
+ actually responsible most of the brain's energy consumption.
1364
+
1365
+ And the reason for that is that there is this
1366
+
1367
+ one particular set of proteins sitting in the cell membrane
1368
+
1369
+ called the sodium potassium pump.
1370
+
1371
+ So I described that there's a difference in interstellar concentration
1372
+
1373
+ of ions that doesn't just arrive by chance.
1374
+
1375
+ These loop pumps sitting in the membrane, exchanging, constantly changing.
1376
+
1377
+ 330 miles took them out, bringing through potassium mines, putting
1378
+
1379
+ in.
1380
+
1381
+ Thereby setting up these concentration gradients across the cell membrane.
1382
+
1383
+ This little thing.
1384
+
1385
+ This little thing uses adenosine triphosphate, which is the body's
1386
+
1387
+ major source of energy.
1388
+
1389
+ And it's consistently reactive.
1390
+
1391
+ It's always growing.
1392
+
1393
+ And that's why the rest of my body was sitting
1394
+
1395
+ at 1780 volts.
1396
+
1397
+ If it fails, you die.
1398
+
1399
+ Having this resting membrane potential allows you to then form
1400
+
1401
+ action potential.
1402
+
1403
+ This slide looks a little bit complicated.
1404
+
1405
+ Very straightforward.
1406
+
1407
+ So let's go through if you haven't seen this before,
1408
+
1409
+ but it is really straightforward.
1410
+
1411
+ We've discussed there's a resting membrane potential about -70 millivolts.
1412
+
1413
+ And I've discussed that.
1414
+
1415
+ That's not very.
1416
+
1417
+ Imagine that there is a little input within you on
1418
+
1419
+ the cause of that resting membrane potential to deviate a
1420
+
1421
+ little bit.
1422
+
1423
+ Go towards zero depolarise.
1424
+
1425
+ This little.
1426
+
1427
+ Sometimes I just love it.
1428
+
1429
+ Yeah, because sometimes it is a critical point that mine
1430
+
1431
+ is 6365 millivolts.
1432
+
1433
+ At which.
1434
+
1435
+ What are called voltage gating.
1436
+
1437
+ Gated sodium channels are opened.
1438
+
1439
+ Now that voltage gated means a particular voltage potential difference.
1440
+
1441
+ At which these channels are open.
1442
+
1443
+ Otherwise, they closed the when they closed the bags to
1444
+
1445
+ the bag with the bag suddenly permeable to throw mines.
1446
+
1447
+ Over 30 mines have been sitting outside for sale.
1448
+
1449
+ You open this lock.
1450
+
1451
+ Suddenly they can go into the cell.
1452
+
1453
+ You have a bunch of positively charged demands and flexing
1454
+
1455
+ to sell very rapidly.
1456
+
1457
+ There are thousands of these channels in the membrane.
1458
+
1459
+ Millions of.
1460
+
1461
+ All these 30 mines really rapidly rush into the cell,
1462
+
1463
+ overwhelming everything else, all that positive charge that comes with
1464
+
1465
+ them depolarise it even further.
1466
+
1467
+ So you can see here, which is route threshold, a
1468
+
1469
+ threshold is open these channels that allows the sodium to
1470
+
1471
+ come in and suddenly the cell's potential difference changes dramatically.
1472
+
1473
+ It goes back to there and often overshoots because if
1474
+
1475
+ too many of these 30 mines come in.
1476
+
1477
+ At some point in time, those towns can close again.
1478
+
1479
+ Oh, that's not.
1480
+
1481
+ Then stuff allows the to return back to resting potential,
1482
+
1483
+ in particular the influx of potassium ions.
1484
+
1485
+ Also the active action of that 30% pump.
1486
+
1487
+ So you have this low threshold offer which is exceeded.
1488
+
1489
+ You have this massive in your arms and then a
1490
+
1491
+ relaxation back to the basic steady state.
1492
+
1493
+ And that is an actual potential.
1494
+
1495
+ That's all it is.
1496
+
1497
+ Basically, it's transient in Russia, 30 miles.
1498
+
1499
+ It's just been get switched on.
1500
+
1501
+ Very simple.
1502
+
1503
+ But incredibly important because this is what we mean by
1504
+
1505
+ this has been excitable.
1506
+
1507
+ So if you can and you can make them.
1508
+
1509
+ Produce listings.
1510
+
1511
+ Does anyone know what the other major example?
1512
+
1513
+ Selling bodies.
1514
+
1515
+ My muscle cells.
1516
+
1517
+ Yeah, muscle cells.
1518
+
1519
+ So muscle cells contract because of a very similar flux
1520
+
1521
+ of ions based on calcium in this case.
1522
+
1523
+ So that movement of muscles, which I've never had, actually
1524
+
1525
+ the filaments all work together, driven by this transient change
1526
+
1527
+ in the calcium and potential calcium fox.
1528
+
1529
+ The brain cells are very much like that, except faster
1530
+
1531
+ and different ions.
1532
+
1533
+ And different connections.
1534
+
1535
+ Clearly they don't move.
1536
+
1537
+ I mean, there's a lot of differences between.
1538
+
1539
+ By the way, those voltage sodium channels will be blocked
1540
+
1541
+ by something called tetrodotoxin or ctcs, often abbreviated because no
1542
+
1543
+ one can actually save it for the toxin.
1544
+
1545
+ I have to practice for 5 minutes before coming.
1546
+
1547
+ You say Dax's neurotoxins about 1000 times more potent than
1548
+
1549
+ cyanide.
1550
+
1551
+ It blocks those voltage settings.
1552
+
1553
+ Of course, if you block this into account for maximum
1554
+
1555
+ potential, if you can't perform actual controls, you can't move
1556
+
1557
+ your muscles, including your diaphragm.
1558
+
1559
+ You can't breathe.
1560
+
1561
+ You know.
1562
+
1563
+ So that's why Fuku or Pufferfish has been prepared so
1564
+
1565
+ carefully, because actually those fish are large source of so.
1566
+
1567
+ If you prepare them incorrectly, you'll consume a little bit
1568
+
1569
+ of that.
1570
+
1571
+ And that's enough to stop your breathing and make it
1572
+
1573
+ on.
1574
+
1575
+ Blocking the voltage gate to certain terminals is also how
1576
+
1577
+ local anaesthetics were very similar.
1578
+
1579
+ They stop.
1580
+
1581
+ Therefore the sensations from that part of your body.
1582
+
1583
+ We have an injection in your arm, for example.
1584
+
1585
+ You feel strange absence of sensation as from there, because
1586
+
1587
+ the sensory neurones which rely on these certain channels are
1588
+
1589
+ not sending the signals anymore.
1590
+
1591
+ Now, this what?
1592
+
1593
+ Angular?
1594
+
1595
+ Slightly different.
1596
+
1597
+ So painkillers generally, a lot of painkillers are based on
1598
+
1599
+ morphine analogues.
1600
+
1601
+ And morphine analogues.
1602
+
1603
+ Opioid receptors for morphine, as we've discussed, actually makes it
1604
+
1605
+ terrific targets opioid receptors that opioid receptors are really important
1606
+
1607
+ to controlling breathing, but they're not actually important in the
1608
+
1609
+ regulation of.
1610
+
1611
+ As a generation.
1612
+
1613
+ Yeah.
1614
+
1615
+ Yeah.
1616
+
1617
+ What?
1618
+
1619
+ Isn't it?
1620
+
1621
+ Yeah, well, technology is much more powerful than any local
1622
+
1623
+ anaesthetic.
1624
+
1625
+ Use The local anaesthetic has been designed to kind of
1626
+
1627
+ only work in that slight place.
1628
+
1629
+ Referred to a toxin.
1630
+
1631
+ Generally speaking, it's consumed and therefore systemically, rather than just
1632
+
1633
+ being consumed.
1634
+
1635
+ At some point it's very apparent.
1636
+
1637
+ Yes, you shouldn't treat like McCain or other local anaesthetics,
1638
+
1639
+ like they're being perfectly designed to actually overcome these issues.
1640
+
1641
+ They just work in a kind of similar way.
1642
+
1643
+ Local versus.
1644
+
1645
+ Yeah.
1646
+
1647
+ What?
1648
+
1649
+ They get cleared out and diluted effectively by the system.
1650
+
1651
+ Any other questions?
1652
+
1653
+ The.
1654
+
1655
+ Just take time.
1656
+
1657
+ Okay.
1658
+
1659
+ I was going to do this interactive thing, which I
1660
+
1661
+ think I've got to wait till next lecture because this
1662
+
1663
+ is reminding me how long lectures actually take action potentials
1664
+
1665
+ move along that move to the sciences and that little
1666
+
1667
+ action potential.
1668
+
1669
+ They've been describing all that process, initialisation that takes place
1670
+
1671
+ in a place called the Action Hillock.
1672
+
1673
+ This is the bit where the action beach itself, on
1674
+
1675
+ a blue and a V-shaped thing will be incredibly special
1676
+
1677
+ specialised be the membrane.
1678
+
1679
+ Recent work by some colleagues in the Netherlands have shown
1680
+
1681
+ that the density of the sodium channels is only 37
1682
+
1683
+ channels in the axon hill.
1684
+
1685
+ It is ten 100 fold greater than anywhere else in
1686
+
1687
+ the neurone.
1688
+
1689
+ They really important for generating the action potential.
1690
+
1691
+ But once the action generated, why is it?
1692
+
1693
+ How does it work?
1694
+
1695
+ You've got this accent, which is maybe a metre long.
1696
+
1697
+ You've got this little bit of membrane potential happening, this
1698
+
1699
+ little bit of membrane just where the accent meets the
1700
+
1701
+ sun.
1702
+
1703
+ For neurones, a signal that explains how to leave the
1704
+
1705
+ Soma and get to the end of the axon.
1706
+
1707
+ And it does that by a very simple process, which
1708
+
1709
+ is basically regeneration.
1710
+
1711
+ So if you get an affinity for forming this little
1712
+
1713
+ bit of the membrane here.
1714
+
1715
+ In the neighbouring little bit of membrane has a little
1716
+
1717
+ bit of a deflection.
1718
+
1719
+ Depolarisation.
1720
+
1721
+ And then that starts the cycle of the action potential
1722
+
1723
+ again.
1724
+
1725
+ That neighbouring bit of membrane that happens here and and
1726
+
1727
+ happens here, it's turning off.
1728
+
1729
+ It happens here.
1730
+
1731
+ It happens to propagates down the axon.
1732
+
1733
+ If you think about it carefully, can imagine it can
1734
+
1735
+ happen both ways.
1736
+
1737
+ That is actually the case, actually potentially can go from
1738
+
1739
+ not only into the action, but also the dendrite.
1740
+
1741
+ It's a very deconstructive that's on the table.
1742
+
1743
+ That means that that's the way we think the signal
1744
+
1745
+ progresses.
1746
+
1747
+ Little regenerating action potential.
1748
+
1749
+ Somehow manages to depolarise this little bit of membrane and
1750
+
1751
+ move along that membrane.
1752
+
1753
+ What an amazing thing that we evolved.
1754
+
1755
+ Now, if you just left it to his own device
1756
+
1757
+ to travel down that piece of membrane, probably through about
1758
+
1759
+ a metre a second, some general speed for a potential
1760
+
1761
+ move down a bit of an.
1762
+
1763
+ And insulated membrane.
1764
+
1765
+ That's a bit slow.
1766
+
1767
+ One second.
1768
+
1769
+ You know something?
1770
+
1771
+ Hit me.
1772
+
1773
+ Like.
1774
+
1775
+ So a lot of the major axons in the body
1776
+
1777
+ and some of the direct forms in the brain are
1778
+
1779
+ in chief.
1780
+
1781
+ Myelin with myelin is basically just like wrapping insulating tape
1782
+
1783
+ around the acronym.
1784
+
1785
+ Stop the actual potential for really from generating at that
1786
+
1787
+ point and instead allows maximum potential from this position to
1788
+
1789
+ jump across the next note of review.
1790
+
1791
+ And so instead of just slowly moving along, it takes
1792
+
1793
+ massive, long strides down the axon.
1794
+
1795
+ It can speed up transmission tenfold, at least.
1796
+
1797
+ Yeah.
1798
+
1799
+ Is it likely that people like the signal won't reach
1800
+
1801
+ from one?
1802
+
1803
+ Like some of the others.
1804
+
1805
+ So that's the danger, right?
1806
+
1807
+ The mine was too long.
1808
+
1809
+ So the question was, isn't there a danger that the
1810
+
1811
+ little depolarisation here doesn't reach the next note?
1812
+
1813
+ I think of what you are.
1814
+
1815
+ And so clearly that's a danger.
1816
+
1817
+ So that bit of myelin can't be too long.
1818
+
1819
+ Yeah, there has to be critical distance between the two
1820
+
1821
+ nodes above which we just to the actual would not
1822
+
1823
+ propagate.
1824
+
1825
+ At the moment.
1826
+
1827
+ She's really important in speeding up production in Europe.
1828
+
1829
+ Okay.
1830
+
1831
+ I'm going to have to move along.
1832
+
1833
+ So we'll just keep by the way, at the end,
1834
+
1835
+ later.
1836
+
1837
+ I think we're meant to leave this door and I
1838
+
1839
+ will wait out there if you have additional questions for
1840
+
1841
+ me so that people can come in once we're doing
1842
+
1843
+ now.
1844
+
1845
+ This is how I think an action potentially works.
1846
+
1847
+ Music, all the dinosaurs.
1848
+
1849
+ I think anyone ever tried to do this at home.
1850
+
1851
+ Right.
1852
+
1853
+ Good old school.
1854
+
1855
+ Yes.
1856
+
1857
+ Okay.
1858
+
1859
+ Now, why am I using this analogy?
1860
+
1861
+ I made the point before because it was quite impressive
1862
+
1863
+ one.
1864
+
1865
+ I like to think of that can pretend to be
1866
+
1867
+ an asleep and then it gets to some point and
1868
+
1869
+ triggers the ball ball moving towards the pocket.
1870
+
1871
+ Right.
1872
+
1873
+ By the way, this keeps going.
1874
+
1875
+ I think this entire video is actually.
1876
+
1877
+ What's that.
1878
+
1879
+ Is the ball you're.
1880
+
1881
+ Tracking?
1882
+
1883
+ Yeah.
1884
+
1885
+ We'll get there in a second.
1886
+
1887
+ So the ball.
1888
+
1889
+ The ball, Yes.
1890
+
1891
+ Is a basically neurotransmitter.
1892
+
1893
+ The pocket is supposed to be cleft.
1894
+
1895
+ Let's see if we can understand those statements.
1896
+
1897
+ Pretty impressive.
1898
+
1899
+ I mean, I'm glad they caught on video.
1900
+
1901
+ You can imagine.
1902
+
1903
+ So we'll get to that right now.
1904
+
1905
+ So bear that in mind.
1906
+
1907
+ That's how I think of neurones.
1908
+
1909
+ Okay.
1910
+
1911
+ So each of these acts on this axon is a
1912
+
1913
+ single axon, but it sprouts.
1914
+
1915
+ Multiple contacts with the same and about thousand on average,
1916
+
1917
+ I think.
1918
+
1919
+ Multiple contacts, multiple output points.
1920
+
1921
+ So what's happening in each of those Apple points?
1922
+
1923
+ That's the question.
1924
+
1925
+ So this is a couple of schematics which try to
1926
+
1927
+ illustrate to you what it looks like.
1928
+
1929
+ Each of these outputs in this case is what we
1930
+
1931
+ would call an access somatic finance assignment between the Exxon
1932
+
1933
+ and the Soma.
1934
+
1935
+ You can also have accident reading between acts on the
1936
+
1937
+ dendrite.
1938
+
1939
+ This is actually somatic signups.
1940
+
1941
+ So if you look on the left, you have this
1942
+
1943
+ line at the end of the tunnel, good on the
1944
+
1945
+ axon coming to the cell.
1946
+
1947
+ We look in there.
1948
+
1949
+ This is what it looks like, the green thing here.
1950
+
1951
+ That's the sign at the end of the axon.
1952
+
1953
+ And over here, that's the post traffic sign personality.
1954
+
1955
+ So after the sign ups.
1956
+
1957
+ The sign up is actually this whole thing together, the
1958
+
1959
+ presynaptic, postsynaptic.
1960
+
1961
+ And in between this thing we call the synaptic cleft.
1962
+
1963
+ About 20 nanometres in size.
1964
+
1965
+ Really?
1966
+
1967
+ Really.
1968
+
1969
+ Molecules can actually diffuse across that little cleft.
1970
+
1971
+ And quite rapidly less than a millisecond.
1972
+
1973
+ So if an accent comes down.
1974
+
1975
+ That's right.
1976
+
1977
+ I can take what comes down this axon.
1978
+
1979
+ It enters this sinus presynaptic space.
1980
+
1981
+ When it does that, it actually causes the influx of
1982
+
1983
+ calcium ions.
1984
+
1985
+ Don't worry too much about that.
1986
+
1987
+ The presence of calcium.
1988
+
1989
+ Causes these little bags, which we're going to call critical.
1990
+
1991
+ Wilbanks Within bags or bags?
1992
+
1993
+ Within bags, through bags to move towards a membrane presynaptic
1994
+
1995
+ membrane.
1996
+
1997
+ So this bag contains a little bunch of neurotransmitters, a
1998
+
1999
+ particular chemical.
2000
+
2001
+ That bag growth was a membrane binds with the membrane.
2002
+
2003
+ Cause a little gap in the membrane to open up
2004
+
2005
+ the bags of neurotransmitter.
2006
+
2007
+ So the neurotransmitter then crosses into the sign of a
2008
+
2009
+ cleft.
2010
+
2011
+ What is in the Senate declared didn't go anywhere.
2012
+
2013
+ But a lot of it goes to the other side
2014
+
2015
+ of the cliff and on the other side of the
2016
+
2017
+ Senate to propose an epic membrane of things we call
2018
+
2019
+ neurotransmitter receptors.
2020
+
2021
+ The proteins within the person.
2022
+
2023
+ I pick my brain, which are designed to receive these
2024
+
2025
+ neurotransmitter signals.
2026
+
2027
+ Yeah, I do.
2028
+
2029
+ So not supposed to be able to do drugs.
2030
+
2031
+ Good question.
2032
+
2033
+ I don't know the answer to that.
2034
+
2035
+ Look it up.
2036
+
2037
+ I mean, this is not a passive process.
2038
+
2039
+ There's an active process here.
2040
+
2041
+ I'm not exactly sure how to go about coming from
2042
+
2043
+ it.
2044
+
2045
+ It's a good question.
2046
+
2047
+ If we look at the electron microscope picture, this is
2048
+
2049
+ a real Darnold schematic.
2050
+
2051
+ On the left is a high as a relatively high
2052
+
2053
+ power.
2054
+
2055
+ This sort of a sign ups in this case is
2056
+
2057
+ connected and really connects to the dendrite and the axon.
2058
+
2059
+ You can see all these little bags.
2060
+
2061
+ These this is what we call a postsynaptic density.
2062
+
2063
+ That's a that's the way you can recognise these sign
2064
+
2065
+ with an electron microscope.
2066
+
2067
+ And there's these bags that kind of near this.
2068
+
2069
+ And we looked at this and even more detail we'd
2070
+
2071
+ see here these bags, some of which are binding with
2072
+
2073
+ the membrane, allowing the neurotransmitters to enter synaptic cleft.
2074
+
2075
+ What happens when a neurotransmitter enters unhappy cleft?
2076
+
2077
+ On the other side, you have these neurotransmitter receptors.
2078
+
2079
+ Each of these are designed to be sensitive to one
2080
+
2081
+ or very small number of molecules.
2082
+
2083
+ When that molecule wanders across the crest of bonds, this
2084
+
2085
+ protein that spans the postsynaptic membrane.
2086
+
2087
+ That protein undergoes what we call inflammation, trying to change
2088
+
2089
+ the shape.
2090
+
2091
+ When it changes shape, it creates a pour in the
2092
+
2093
+ membrane, when it creates that pore in the membrane.
2094
+
2095
+ IONS In fact, through the membrane.
2096
+
2097
+ So, for example, glutamate, which we call an exaggerated neurotransmitter,
2098
+
2099
+ a lot of its receptors which bind glutamate, open up,
2100
+
2101
+ allow sodium lines to flex across the membrane for 30
2102
+
2103
+ lines, are positively charged.
2104
+
2105
+ That polarises the person.
2106
+
2107
+ I think so.
2108
+
2109
+ Gabba.
2110
+
2111
+ Gabba Gabba Gabba is an inhibitory neurotransmitter because its receptors,
2112
+
2113
+ generally speaking, open up a loophole that allows corridor lines
2114
+
2115
+ to cross the membrane of Florida ions and negatively charged
2116
+
2117
+ that are hyper polarised so they inhibit activity.
2118
+
2119
+ Deconstruction of these receptors might be sensitive to a particular
2120
+
2121
+ type of neurotransmitter and allow particular type of ion to
2122
+
2123
+ cross the membrane.
2124
+
2125
+ These are called iron or tropic receptors because they directly
2126
+
2127
+ flex the lines of the membrane in the neurotransmitter.
2128
+
2129
+ There are another class of neurotransmitter receptors which we will
2130
+
2131
+ encounter in the next lecture called metabolic Tropic.
2132
+
2133
+ They rely on post processes inside the postsynaptic cell that
2134
+
2135
+ in turn called the flux lines.
2136
+
2137
+ I don't really open pore in the membrane.
2138
+
2139
+ I just want to spend 2 minutes playing them.
2140
+
2141
+ Why?
2142
+
2143
+ These are important.
2144
+
2145
+ If you imagine glutamate and GABA, imagine a neurone here
2146
+
2147
+ which has three sign ups, two green, one red green
2148
+
2149
+ sign ups as we're going to call glutamatergic sinuses.
2150
+
2151
+ That is glutamate is released to the presynaptic space causes
2152
+
2153
+ the membrane synaptic membrane.
2154
+
2155
+ The other sign ups is a inhibitory neurone.
2156
+
2157
+ It's a sign.
2158
+
2159
+ It uses GABA release from release from prison up in
2160
+
2161
+ space.
2162
+
2163
+ Causes a cleft or the postsynaptic membrane.
2164
+
2165
+ So this neurone has two glutamatergic finances and one refinance.
2166
+
2167
+ As I said before, government allows positive ions into the
2168
+
2169
+ next year.
2170
+
2171
+ So they polarises.
2172
+
2173
+ The person I think you're on is that it allows
2174
+
2175
+ negative ions.
2176
+
2177
+ I almost imagine the sequence of events over several milliseconds
2178
+
2179
+ here.
2180
+
2181
+ Whereby one of those finances is active, government finances is
2182
+
2183
+ active and therefore allows a small excited person, active potential
2184
+
2185
+ dps p small depolarisation away from the rest and the
2186
+
2187
+ potential towards the threshold for activation of certain channels.
2188
+
2189
+ Now that may not be sufficient to reach that threshold,
2190
+
2191
+ but if you have the two sign ups as active,
2192
+
2193
+ then you might increase that threshold allowing that neurone to
2194
+
2195
+ generate an action potential.
2196
+
2197
+ On the other hand, for example, inhibitory signups, since everyone
2198
+
2199
+ here would continue on to operate away from the resting
2200
+
2201
+ potential, or if you activate that inhibitory sign at the
2202
+
2203
+ same time as to group protected classes, effectively cancel out
2204
+
2205
+ one of those two glutamatergic sign ups, therefore stopping the
2206
+
2207
+ neurone from firing.
2208
+
2209
+ So these little neurotransmitter receptors in these different sinuses allow
2210
+
2211
+ this neurone to compute.
2212
+
2213
+ If it crosses the threshold, the signal crossed threshold for
2214
+
2215
+ an action potentially only crosses the threshold if the neurones
2216
+
2217
+ input in have enough inputs.
2218
+
2219
+ And that exactly input outweighs the inhibitory input.
2220
+
2221
+ There is a simple algebraic computations.
2222
+
2223
+ He says what in your and does?
2224
+
2225
+ It sums to hundreds and thousands of inputs that it
2226
+
2227
+ gets to ten drives to produce a single number of
2228
+
2229
+ the axon hillock which says Am I above or below
2230
+
2231
+ the threshold for generating maximum potential?
2232
+
2233
+ And then sends that signal number one or zero down
2234
+
2235
+ to the axon terminals.
2236
+
2237
+ That is the fundamental computation of frame systems is what
2238
+
2239
+ allows us to see allows us to think of what
2240
+
2241
+ allows us to hear, for example.
2242
+
2243
+ And that is the fundamental point I want you to
2244
+
2245
+ take away from this lecture.
2246
+
2247
+ All little chemical transmitters, etc. allow these neurones to perform
2248
+
2249
+ simple functions to some eight inputs.
2250
+
2251
+ But those when you cross those functions, make them hierarchical,
2252
+
2253
+ as we'll discover in the later lectures.
2254
+
2255
+ You can now build into that.
2256
+
2257
+ Interesting.
2258
+
2259
+ But it all relies on this very simple process.
2260
+
2261
+ One last question.
2262
+
2263
+ What decides what your interests?
2264
+
2265
+ That's a great question and we'll get back to that
2266
+
2267
+ in the next lecture, actually.
2268
+
2269
+ So the question is, which neurotransmitter has been expressed by
2270
+
2271
+ the presynaptic, Kiran, that makes it exciting or inhibitory?
2272
+
2273
+ And the answer to that is very complicated and has
2274
+
2275
+ to do with evolution and genetics and everything else.
2276
+
2277
+ But it will get back to the major point that
2278
+
2279
+ one expects.
2280
+
2281
+ All right.
2282
+
2283
+ Thanks, everyone.
2284
+
2285
+ If you can leave by this time.
2286
+
2287
+ You.
2288
+
2289
+ I now feel less nervous.
2290
+
2291
+ It's a great warming up at the believe through here.
2292
+
2293
+ I'll wait out there if you have any questions as
2294
+
2295
+ well.
2296
+
2297
+ Thanks.
2298
+
2299
+ Yeah.
2300
+
2301
+ I just want to be very aware of the network.
2302
+
2303
+ Right outside of the other.
2304
+
2305
+ Networks.
2306
+
2307
+ Thanks.
2308
+
2309
+ So.
2310
+
2311
+ Yeah.
2312
+
2313
+ I'll be out there and checking out.
2314
+
2315
+ What is.
2316
+
2317
+ If we had questions, if we just wait outside for
2318
+
2319
+ the people to come in and we'll be out there
2320
+
2321
+ and giving.
2322
+
2323
+ All right.
2324
+
2325
+ Those questions.
2326
+
2327
+ Do we just wait out?
2328
+
2329
+ Oh.
2330
+
2331
+ Humphrey with the math right now, I.
2332
+
2333
+ We see it in the summer.
2334
+
2335
+ But yes, I've.
2336
+
2337
+ Yes.
2338
+
2339
+ It'd be great to chat with you guys.
2340
+
2341
+ I think they're going to try to.
2342
+
2343
+ I forgot how long it takes.
2344
+
2345
+ I have this whole exercise.
2346
+
2347
+ If you can actually help me out.
2348
+
2349
+ I didn't like.
2350
+
2351
+ Yeah.
2352
+
2353
+ You can just follow me outside, then.
2354
+
2355
+ That's fine.
2356
+
2357
+ No, I'm sorry.
2358
+
2359
+ Let me just check to make sure.
2360
+
2361
+ Think.
2362
+
2363
+ Okay.
raw_transcripts/lecture_4.txt ADDED
@@ -0,0 +1,2743 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ A quick.
2
+
3
+ Poll.
4
+
5
+ I have three clocks here.
6
+
7
+ It has very different times.
8
+
9
+ My my phone says 10 a.m..
10
+
11
+ The U.S. system says 10 to 10.
12
+
13
+ The other one says ten.
14
+
15
+ What time do you have a ten?
16
+
17
+ Okay, if I.
18
+
19
+ A bit.
20
+
21
+ I really need those of you at the back to
22
+
23
+ tell me if I lapse into a little bit of.
24
+
25
+ An.
26
+
27
+ Indecipherable must I load.
28
+
29
+ Myself up with a bunch of.
30
+
31
+ Anti cough medicine stuff?
32
+
33
+ Since I last saw you on Monday?
34
+
35
+ I've had a bit of a cold, and when I
36
+
37
+ get congested I tend to speak a bit more quietly.
38
+
39
+ So please do tell me if you can't hear me
40
+
41
+ right.
42
+
43
+ And that was all a bit of a lead in
44
+
45
+ to this lecture's title.
46
+
47
+ It says Neurotransmitters, but which I like to think of
48
+
49
+ as why do drugs work in other parts and discipline.
50
+
51
+ This might be called psychopharmacology, which is the idea that
52
+
53
+ specific neurochemicals.
54
+
55
+ Specific chemicals have.
56
+
57
+ Specific effects on.
58
+
59
+ Brain systems.
60
+
61
+ And we want to try and understand some of that
62
+
63
+ today.
64
+
65
+ As I said, if I.
66
+
67
+ If I'm not audible at the back.
68
+
69
+ Please let me know.
70
+
71
+ I'll just try and speak louder.
72
+
73
+ I just can't get much feedback myself.
74
+
75
+ At the moment.
76
+
77
+ So I want to frame this lecture around cocaine.
78
+
79
+ Cocaine was first arrived, at least in Western societies about
80
+
81
+ 150 years ago, being used for many years in the
82
+
83
+ South Andes, for example, as a stimulant for workers in
84
+
85
+ the high out alpine regions.
86
+
87
+ When brought to Europe, the.
88
+
89
+ Drug was first used as a.
90
+
91
+ Local anaesthetic.
92
+
93
+ We won't be going into its local anaesthetic properties at
94
+
95
+ all and was initially in the hopefully as a hopeful
96
+
97
+ treatment for morphine addiction soon, however attracted widespread recreational use.
98
+
99
+ But if you look.
100
+
101
+ At the old advertisements, you say lovely, you know, it's
102
+
103
+ a sociological lesson lesson in the in the the value
104
+
105
+ of different substances.
106
+
107
+ This is an advertisement for.
108
+
109
+ The.
110
+
111
+ Cocaine basically as a local anaesthetic for your teeth.
112
+
113
+ Again, toothache drops really.
114
+
115
+ You know there's a lot of tooth problems back in
116
+
117
+ the day then, you know, things got a bit darker
118
+
119
+ study in scarlet you know, cocaine addiction, cocaine, the thrill
120
+
121
+ that kills this is now mid century.
122
+
123
+ And we're really heavily into the period of time where
124
+
125
+ drugs were really frowned upon.
126
+
127
+ And then more recently, of course, if you follow Netflix,
128
+
129
+ ET cetera.
130
+
131
+ There's a whole profusion of things about drug trade.
132
+
133
+ But the question I want.
134
+
135
+ To address here is why does cocaine have its psychoactive?
136
+
137
+ Not It's like my anaesthetic for the psychoactive effects.
138
+
139
+ Oh, that's a a device.
140
+
141
+ I didn't.
142
+
143
+ Know what that.
144
+
145
+ Was.
146
+
147
+ I wonder if it works.
148
+
149
+ For me.
150
+
151
+ Now.
152
+
153
+ There's evidence.
154
+
155
+ I'm here.
156
+
157
+ Okay.
158
+
159
+ I was wondering what that sound was.
160
+
161
+ It was very disturbing.
162
+
163
+ Okay, so the question is, why does cocaine change behaviour?
164
+
165
+ And I'm going to give you a very simple neurochemical
166
+
167
+ answer in a second.
168
+
169
+ And then the aim of this lecture is effectively to
170
+
171
+ break down the sentence.
172
+
173
+ And the sentence is that cocaine has its effects because
174
+
175
+ it blocks the re uptake of the neurotransmitter dopamine after
176
+
177
+ its release.
178
+
179
+ And it's finance, not just any old sign ups, but
180
+
181
+ a sign ups.
182
+
183
+ And by the end of this lecture, I what.
184
+
185
+ I hope to help you understand is what we think
186
+
187
+ is what neurotransmitters are.
188
+
189
+ And anyway.
190
+
191
+ Why does it have a specific effect?
192
+
193
+ I still find it striking that so many of these
194
+
195
+ drugs, these psychoactive drugs, LSD and etc..
196
+
197
+ Have such specific cognitive effects.
198
+
199
+ When you just smoke them, inhale them, eat them, whatever.
200
+
201
+ They get into your bloodstream, they somehow get to your
202
+
203
+ brain.
204
+
205
+ How is it these chemicals can have such a specific
206
+
207
+ cognitive effect when the brain is so exquisitely wired to
208
+
209
+ help us do things?
210
+
211
+ This dissonance between.
212
+
213
+ The global kind.
214
+
215
+ Of potential effect of cocaine and its specific actual effects
216
+
217
+ is what I hope to try and get through to
218
+
219
+ you today as.
220
+
221
+ Well.
222
+
223
+ It's really it's an annoyance.
224
+
225
+ And so, as you all know, you can ingest some
226
+
227
+ drug in many different ways.
228
+
229
+ This graph just simply serves to illustrate that the concentration
230
+
231
+ in the blood.
232
+
233
+ Depends on the route of administration, as does the time
234
+
235
+ course.
236
+
237
+ I don't want to take too much away from this.
238
+
239
+ The point being that there is.
240
+
241
+ Quite a.
242
+
243
+ Significant change in the blood concentration that lasts for a
244
+
245
+ while.
246
+
247
+ Then at some point in time that concentration falls below
248
+
249
+ this threshold level.
250
+
251
+ For.
252
+
253
+ Effect.
254
+
255
+ So before and after ingestion to have an effect when
256
+
257
+ when the concentration exceeds a particular level.
258
+
259
+ The other.
260
+
261
+ It's going to be a few definitional slides in this
262
+
263
+ lecture because really setting you up for the rest of
264
+
265
+ the lectures, we need to.
266
+
267
+ Make sure that you are all on.
268
+
269
+ Board with the kinds of phrases that we might.
270
+
271
+ Use.
272
+
273
+ Many drugs, too much drugs, something what we call a
274
+
275
+ dose response curve.
276
+
277
+ That is what we call sigmoid function typically looks like
278
+
279
+ this.
280
+
281
+ On the x axis is the drug dose of.
282
+
283
+ The drug going from low to high.
284
+
285
+ On the Y axis is the effect of that drug,
286
+
287
+ whether it be on behaviour or on a specific neurochemical
288
+
289
+ systems.
290
+
291
+ And you can see that again, as you increase the
292
+
293
+ dose of a drug, you might expect to see an
294
+
295
+ increase in the effect of that drug, which then saturates
296
+
297
+ afterwards.
298
+
299
+ Increasing the amount of drug in the system doesn't have
300
+
301
+ any further effect.
302
+
303
+ And the reason for that, that saturation is.
304
+
305
+ Because at some.
306
+
307
+ Point in time this drug is basically.
308
+
309
+ Occupying all the.
310
+
311
+ Potential sites it might have in.
312
+
313
+ The brain.
314
+
315
+ Again, this is the idea of a threshold that below
316
+
317
+ this particular concentration you won't be able to experience or
318
+
319
+ at least be able to detect the effect of those
320
+
321
+ substances.
322
+
323
+ The other thing you should.
324
+
325
+ Be aware.
326
+
327
+ Of is that drugs can have multiple effects on different
328
+
329
+ systems in the body and in the brain.
330
+
331
+ So, for example, many of you may be aware.
332
+
333
+ That the drug.
334
+
335
+ Morphine, which is an agonist of opioid receptors in the
336
+
337
+ brain.
338
+
339
+ It's both important for pain relief.
340
+
341
+ It's why it was developed or it was used.
342
+
343
+ But at higher doses, it can lead to arrest of
344
+
345
+ breathing and death.
346
+
347
+ And the reason for this is that if you look
348
+
349
+ at the dose response curves for the drug in the
350
+
351
+ two different behavioural effects, that is the pain relief on
352
+
353
+ the left and the yellow.
354
+
355
+ Any effect on breathing on the right?
356
+
357
+ In the blue you see the different regimes, different concentrations
358
+
359
+ of the drug are appropriate.
360
+
361
+ In the two cases.
362
+
363
+ So there is a margin of safety where you might
364
+
365
+ be able to have an energy equal pain relief effect,
366
+
367
+ but you won't have any impact on breathing.
368
+
369
+ Now, the actual reason.
370
+
371
+ The major reason for this in this particular case is
372
+
373
+ illustrative of all drugs.
374
+
375
+ Is that the type of receptor for morphine that's present
376
+
377
+ in the brain?
378
+
379
+ Again, we'll get there in a second.
380
+
381
+ But the type of the receptor that the present in
382
+
383
+ the pain system is a slightly.
384
+
385
+ Different type of receptors and that is present in the
386
+
387
+ breathing.
388
+
389
+ System.
390
+
391
+ And the.
392
+
393
+ Two receptors have slightly different sensitivities.
394
+
395
+ To morphine.
396
+
397
+ And so therefore.
398
+
399
+ As you increase the dose of morphine, you get more
400
+
401
+ effect on one of the systems before we get an
402
+
403
+ effect on the other system.
404
+
405
+ So the idea that you can have these different effects
406
+
407
+ at different concentrations relates.
408
+
409
+ To the fact that different.
410
+
411
+ Receptors for this.
412
+
413
+ Agonist have to be found in the brain systems.
414
+
415
+ Okay.
416
+
417
+ So the major as I said, the major question I
418
+
419
+ want to ask in this lecture is why do these
420
+
421
+ drugs work at all?
422
+
423
+ I want to put to you a thesis that the
424
+
425
+ drugs that we are interested in usually act.
426
+
427
+ At the sign ups between neurones.
428
+
429
+ I want to suggest that they usually have their.
430
+
431
+ Effect by changing the strength or duration.
432
+
433
+ Of activity.
434
+
435
+ Of particular neurotransmitter systems.
436
+
437
+ In those same lapses.
438
+
439
+ And I want to suggest that it's possible for.
440
+
441
+ Drugs to.
442
+
443
+ Ingest, to have a systemic.
444
+
445
+ Administration ingested.
446
+
447
+ Injected.
448
+
449
+ Digested, etc..
450
+
451
+ Have a specific effect because they activate specific pathways of
452
+
453
+ neurones.
454
+
455
+ Through the brain.
456
+
457
+ And we'll go.
458
+
459
+ Through a few of those pathways at the end of
460
+
461
+ this lecture.
462
+
463
+ That is, each of these pathways has a particular neurochemical
464
+
465
+ signature.
466
+
467
+ And to try and illustrate that, I want to.
468
+
469
+ Help you understand how neuroscience has changed since I started
470
+
471
+ as an undergraduate student.
472
+
473
+ And now this is a photo, I think.
474
+
475
+ It was about ten years old, this.
476
+
477
+ Photo now.
478
+
479
+ But at the time it was revolutionary.
480
+
481
+ For me.
482
+
483
+ This photo is a black.
484
+
485
+ And white version.
486
+
487
+ It is a is an image of a slice taken
488
+
489
+ through the hippocampus of a mouse in the hippocampus.
490
+
491
+ It's a beautiful structure.
492
+
493
+ And it has this really dense layer of cells.
494
+
495
+ Called the principal cell layer.
496
+
497
+ And you can see at high magnification these cell lines
498
+
499
+ here.
500
+
501
+ So each of these little pyramidal shape things is one
502
+
503
+ of the nerve cells in the perimeter, in the principal
504
+
505
+ cell.
506
+
507
+ And all these little processes up here that dendrites do
508
+
509
+ coming off.
510
+
511
+ Now, when you first when.
512
+
513
+ When histology synonymous with first looking at the hippocampus.
514
+
515
+ First, these cells looked.
516
+
517
+ Identical to them.
518
+
519
+ However, recent.
520
+
521
+ Technologies, for example, by being able to genetically manipulate a.
522
+
523
+ Mouse.
524
+
525
+ Have allowed researchers to insert little proteins into cells, the
526
+
527
+ expression of which.
528
+
529
+ Depends on the particular types of neurochemicals that those cells
530
+
531
+ produce and those.
532
+
533
+ Proteins in turn for when you stimulate them with light.
534
+
535
+ And so what.
536
+
537
+ You can what seem to be a relatively homogenous mass
538
+
539
+ of cells in the hippocampus, for.
540
+
541
+ Example.
542
+
543
+ Is now much, much more clearly.
544
+
545
+ Now a really diversity of cells.
546
+
547
+ Each of which has a different neurochemical signature.
548
+
549
+ And I want to outline this to you, particularly because
550
+
551
+ even in my lifetime there's been a massive change in
552
+
553
+ what we understand about the specificity of pathways in the
554
+
555
+ brain because of these kinds of techniques.
556
+
557
+ So a lot of what I am going to tell.
558
+
559
+ You is probably going to be out of date in
560
+
561
+ ten or 15 years as we.
562
+
563
+ Learn more and more about.
564
+
565
+ The specificity of those systems.
566
+
567
+ Okay.
568
+
569
+ So in the next section, we're going to talk about
570
+
571
+ how we define neurotransmitters and your modulators.
572
+
573
+ We've discussed two major neurotransmitters.
574
+
575
+ In the last.
576
+
577
+ Lecture, those GABA.
578
+
579
+ And glutamate.
580
+
581
+ And I alluded to the fact that there are many
582
+
583
+ other neurotransmitters, just to remind you of assign naps and
584
+
585
+ what neurotransmitters do.
586
+
587
+ This is a sign ups the presynaptic space here in
588
+
589
+ green, the post and haptic membrane here.
590
+
591
+ Someone pointed out in the last lecture this line is
592
+
593
+ point in the wrong place.
594
+
595
+ It should actually be pointing to the presynaptic membrane here.
596
+
597
+ These are little bags of vesicles of neurotransmitters that have
598
+
599
+ docked at the presynaptic membrane and release the.
600
+
601
+ Contents into space.
602
+
603
+ For these neurotransmitters.
604
+
605
+ Can cross that little space to sign acting cleft and
606
+
607
+ have an action on receptors at the person action membrane.
608
+
609
+ So that's the sign ups activated when an action potentially
610
+
611
+ invades that sign.
612
+
613
+ So there's been a lot of discussion for many years
614
+
615
+ now.
616
+
617
+ About what neurotransmitters are and which substance we might like
618
+
619
+ to call neurotransmitters.
620
+
621
+ It seems like a pretty easy question to ask, but
622
+
623
+ actually.
624
+
625
+ It's tremendously difficult.
626
+
627
+ And the reason for this is that there are many
628
+
629
+ chemicals that are released in the brain.
630
+
631
+ And whose release depends on the activity of neurones.
632
+
633
+ But not all of those chemicals.
634
+
635
+ Actually act as something that transmits.
636
+
637
+ Information from one neurone to another.
638
+
639
+ They're not really.
640
+
641
+ Neurotransmitters.
642
+
643
+ Neurotransmitters.
644
+
645
+ The idea.
646
+
647
+ In the name is helping.
648
+
649
+ Transmit signals.
650
+
651
+ From one to another.
652
+
653
+ A lot of his.
654
+
655
+ Chemicals might be released as.
656
+
657
+ By-products of just simply.
658
+
659
+ Stopping active or clean up.
660
+
661
+ Processes and stuff like that.
662
+
663
+ So we have to define what a neurotransmitter is.
664
+
665
+ And there's a fairly generally agreed definition now that I
666
+
667
+ think 40 years old, which is it's stated here, neurotransmitters
668
+
669
+ are those molecules that are made and stored.
670
+
671
+ By the presynaptic.
672
+
673
+ That's the.
674
+
675
+ Neurone who sign up to these.
676
+
677
+ Is a putting this cosmetic membrane, the prisoner.
678
+
679
+ So that neurone has to make and store that substance
680
+
681
+ that's kind of important to that neurone.
682
+
683
+ So it's making and.
684
+
685
+ Storing.
686
+
687
+ That substance is released.
688
+
689
+ At the presynaptic terminal.
690
+
691
+ When that terminal is activated, that doesn't make any sense.
692
+
693
+ If you have a substance that's being just released.
694
+
695
+ All the time because it's not going to be able
696
+
697
+ to transmit any information, its release level won't depend.
698
+
699
+ On the activity.
700
+
701
+ Of the neurones.
702
+
703
+ This neurotransmitter has.
704
+
705
+ To be its release has to be dependent on the
706
+
707
+ activity of the presynaptic.
708
+
709
+ And finally, it seems a bit of a.
710
+
711
+ Of course, but that substance has to have an effect.
712
+
713
+ On the postsynaptic.
714
+
715
+ Near as I said before, there are many chemicals in
716
+
717
+ the brain that are.
718
+
719
+ Released at the when neurone is active.
720
+
721
+ But not all have effects on person.
722
+
723
+ I think neurones and therefore not all transmit information.
724
+
725
+ To those neurones.
726
+
727
+ Similarly, we can define a neurotransmitter receptor as molecules that
728
+
729
+ are activated by them.
730
+
731
+ So there's many proteins.
732
+
733
+ In the cell membrane.
734
+
735
+ All of those are activated by a neurotransmitter.
736
+
737
+ So they need to be activated by a.
738
+
739
+ Neurotransmitter.
740
+
741
+ And they need to be able to change.
742
+
743
+ The flow of ions, either directly or indirectly.
744
+
745
+ Into.
746
+
747
+ The person active.
748
+
749
+ So as we discussed in the last lecture, sodium chloride
750
+
751
+ ions are the primary mechanisms that.
752
+
753
+ Finds use in this.
754
+
755
+ Process.
756
+
757
+ I want to note here that each neurotransmitter may have
758
+
759
+ several receptors.
760
+
761
+ As we discussed before, the morphine.
762
+
763
+ Morphine has multiple opioid receptors.
764
+
765
+ And each.
766
+
767
+ Neurotransmitter may.
768
+
769
+ Have several receptors which express some different neurones.
770
+
771
+ Sometimes even in the same neurone, unfortunately.
772
+
773
+ And may be different.
774
+
775
+ Be sensitive to the neurotransmitter again by analogy to the
776
+
777
+ morphine thing.
778
+
779
+ Breathing is affected at one concentration of the neurotransmitter, whereas
780
+
781
+ pain is effectively another concentration.
782
+
783
+ Because the receptors for morphine are different in those two
784
+
785
+ cases.
786
+
787
+ I've said before, but I'm just going to reiterate because
788
+
789
+ we do tend to focus on the other neurotransmitters, but
790
+
791
+ the major neurotransmitters in the brain are glutamate.
792
+
793
+ And it's some people who think that every.
794
+
795
+ Neurone in the brain is sensitive to the expression of.
796
+
797
+ Glutamate, and that is it has.
798
+
799
+ Sinuses, closing spaces that express receptors for glutamate and GABA.
800
+
801
+ It's not the case that all neurones in the brain
802
+
803
+ express or make glutamate.
804
+
805
+ Think about.
806
+
807
+ It.
808
+
809
+ If you look at the cerebral cortex, for example, we
810
+
811
+ find that about 80% of the neurones in the cerebral
812
+
813
+ cortex express or make the neurotransmitter glutamate, and they send
814
+
815
+ back neurotransmitters to the neural.
816
+
817
+ Whereas 15 to 20%.
818
+
819
+ Of those Neurones Express and gather and send that one
820
+
821
+ the person.
822
+
823
+ If you have a think about that, that seems a
824
+
825
+ little bit strange.
826
+
827
+ It's such an imbalance between the amount of neurones.
828
+
829
+ That produce excitatory neurotransmitters, any amount of neurones that produce
830
+
831
+ inhibitory neurotransmitters.
832
+
833
+ Because wouldn't that mean that the brain.
834
+
835
+ Is hyperactive time?
836
+
837
+ It's not actually the case.
838
+
839
+ Indeed, the average.
840
+
841
+ Number of spikes to.
842
+
843
+ The neurone, the cerebral.
844
+
845
+ Cortex.
846
+
847
+ Every step of.
848
+
849
+ Action, potential neurone, several cortex produces every second is about
850
+
851
+ one.
852
+
853
+ That means, you know.
854
+
855
+ Several billions.
856
+
857
+ I think, that were being produced in your brain every
858
+
859
+ second, but only about one of those per year.
860
+
861
+ And the.
862
+
863
+ Reason for that is that the.
864
+
865
+ Actual.
866
+
867
+ Inhibitory surface to surface in cerebral cortex acts as the
868
+
869
+ principal surface.
870
+
871
+ In addition to these two major classes of neurotransmitters, there
872
+
873
+ are many other.
874
+
875
+ Putative and identified neurotransmitters.
876
+
877
+ And indeed.
878
+
879
+ This list would change next year because again.
880
+
881
+ Every year it seems that we identify.
882
+
883
+ Another chemical as a putative single neurotransmitter in the brain.
884
+
885
+ The major ones that we would talk about today acetylcholine.
886
+
887
+ Dopamine, serotonin and noradrenaline.
888
+
889
+ But you should also know that there.
890
+
891
+ Are a bunch of other ones.
892
+
893
+ Including what are called neuropeptides loop proteins, effectively the active
894
+
895
+ neurotransmitters.
896
+
897
+ Also nitrous oxide purines endocannabinoid.
898
+
899
+ Which is the target of THC.
900
+
901
+ So there's a lot of other ones is thought.
902
+
903
+ There for a reason.
904
+
905
+ There's at least 20 or 30.
906
+
907
+ Substances or neurotransmitter at the stage and as I say,
908
+
909
+ more being.
910
+
911
+ Discovered each year.
912
+
913
+ And then I would define for you what neurotransmitter uptake
914
+
915
+ means.
916
+
917
+ So one thing we talked about in the last lecture
918
+
919
+ is that these neurotransmitters.
920
+
921
+ Get released into the.
922
+
923
+ Sinuses.
924
+
925
+ And the synaptic cleft.
926
+
927
+ And if you think about it, if they just hang
928
+
929
+ around there, they just continually.
930
+
931
+ Activate the person at the exit.
932
+
933
+ They're bound to the person that's receptors.
934
+
935
+ Causing ions.
936
+
937
+ To flow into the postsynaptic neurone, and that pretty well
938
+
939
+ renders those sinuses useless.
940
+
941
+ So they can't change the.
942
+
943
+ Information that the signalling becomes stopping.
944
+
945
+ Stop and stop and stop.
946
+
947
+ It is always active.
948
+
949
+ So we have to get around that some way.
950
+
951
+ We have to clear that out.
952
+
953
+ Of the fine, finance those neurotransmitters.
954
+
955
+ Resetting the.
956
+
957
+ Science so that can continue to signal more than new
958
+
959
+ information.
960
+
961
+ And that's what these re uptake, so-called re uptake mechanisms
962
+
963
+ are.
964
+
965
+ There's many of them I don't even know these in
966
+
967
+ complete detail.
968
+
969
+ But you won't be able to see much of the
970
+
971
+ things on this slide.
972
+
973
+ But if you look at the presynaptic neurones releases the
974
+
975
+ neurotransmitters into synaptic, they cross the postsynaptic neurone.
976
+
977
+ And you remember that around these sign ups is.
978
+
979
+ As we discussed in the last.
980
+
981
+ Slide, also these glial cells and.
982
+
983
+ Other forms of non neuronal cells.
984
+
985
+ It turns out.
986
+
987
+ These re uptake mechanisms.
988
+
989
+ Can be found at.
990
+
991
+ Of those three signs.
992
+
993
+ The glia actually have very important vacuums.
994
+
995
+ For this to suck up a lot of the neurotransmitters
996
+
997
+ and listening to the assignments resetting that so that.
998
+
999
+ Some of the neurotransmitter gets for some reason.
1000
+
1001
+ Unknown to us absorbed into the postsynaptic and some of.
1002
+
1003
+ The neurotransmitters get reabsorbed.
1004
+
1005
+ And that makes more sense.
1006
+
1007
+ But then you can repackage that neurotransmitter.
1008
+
1009
+ If you want.
1010
+
1011
+ Into another.
1012
+
1013
+ Basically, we use that neurotransmitter.
1014
+
1015
+ So these people, transporters which take neurotransmitter across the cell
1016
+
1017
+ membrane into one of these three cells and out of
1018
+
1019
+ this line ups is basically the re uptake mechanism.
1020
+
1021
+ This these kind of rehab mechanisms exist for most, if
1022
+
1023
+ not all, of the neurotransmitters.
1024
+
1025
+ And we'll be.
1026
+
1027
+ Discussing the specific one for me, which is important for
1028
+
1029
+ the effects of cocaine towards the end of the lecture.
1030
+
1031
+ There's a few other terms I need to help you
1032
+
1033
+ understand.
1034
+
1035
+ It's one that you see a lot in the literature
1036
+
1037
+ is these two words agonist and antagonist.
1038
+
1039
+ And unfortunately.
1040
+
1041
+ These words get.
1042
+
1043
+ Used in.
1044
+
1045
+ Very different ways by different.
1046
+
1047
+ Literatures.
1048
+
1049
+ So just trying to accommodate them into some sort of.
1050
+
1051
+ Synthesis here for.
1052
+
1053
+ You to help you understand.
1054
+
1055
+ And agonists can be thought of as a drug that
1056
+
1057
+ increases the effect of a neurotransmitter.
1058
+
1059
+ Whereas the antagonist is a drug that decreases The New
1060
+
1061
+ York Times.
1062
+
1063
+ Generally speaking, an agonist that increases the.
1064
+
1065
+ Effect of the neurotransmitter.
1066
+
1067
+ Does so by increasing production.
1068
+
1069
+ Or storage of the your.
1070
+
1071
+ If you're making more of it, that's a pretty significant.
1072
+
1073
+ You've got more.
1074
+
1075
+ To give.
1076
+
1077
+ You sign ups.
1078
+
1079
+ Or it could increase the release of neurotransmitter.
1080
+
1081
+ You've already got enough there, and now you're sending more
1082
+
1083
+ fans of this food to the.
1084
+
1085
+ Membrane to release.
1086
+
1087
+ Into the finals.
1088
+
1089
+ Or you could stop.
1090
+
1091
+ The New York Times would have been clear so you
1092
+
1093
+ could alter those reuptake.
1094
+
1095
+ Transporter mechanisms.
1096
+
1097
+ Or you could actually.
1098
+
1099
+ Bind.
1100
+
1101
+ Directly to the.
1102
+
1103
+ Postsynaptic.
1104
+
1105
+ Receptors as if you.
1106
+
1107
+ Were a neurotransmitter and activate those postsynaptic receptors.
1108
+
1109
+ So there's multiple ways.
1110
+
1111
+ Of increasing the effect of neurotransmitter in the brain's.
1112
+
1113
+ And you can do basically the.
1114
+
1115
+ Opposite for an antagonistic.
1116
+
1117
+ Effect.
1118
+
1119
+ The next slide, I think.
1120
+
1121
+ Yes.
1122
+
1123
+ Do not write these things down.
1124
+
1125
+ You can look at them at your leisure.
1126
+
1127
+ What this does is try to show you is an
1128
+
1129
+ example.
1130
+
1131
+ Different drugs and how they might have an effect on
1132
+
1133
+ different parts of the neurotransmission process.
1134
+
1135
+ I will go through a few just to illustrate it.
1136
+
1137
+ For example, L-dopa, which you may know has been targeted
1138
+
1139
+ for.
1140
+
1141
+ Parkinson's and so forth.
1142
+
1143
+ Acts as a precursor but does not mean and we
1144
+
1145
+ get the drug.
1146
+
1147
+ Meaning the second.
1148
+
1149
+ There are other drugs, for example.
1150
+
1151
+ Botulinum toxin or Botox.
1152
+
1153
+ Inhibits the release of neurotransmitters, in.
1154
+
1155
+ This case, acetylcholine.
1156
+
1157
+ Into the spine.
1158
+
1159
+ Therefore paralysed.
1160
+
1161
+ Can anyone tell me why Botox paralyses muscles?
1162
+
1163
+ So yeah, so we're not going to talk about it
1164
+
1165
+ at all.
1166
+
1167
+ But one of the most important snacks is in the.
1168
+
1169
+ In the it was.
1170
+
1171
+ One of the most important sinuses in the in the
1172
+
1173
+ whole body.
1174
+
1175
+ Is the.
1176
+
1177
+ Neuromuscular junction, the junction between neurones and the muscles that
1178
+
1179
+ they have an effect on.
1180
+
1181
+ The neurotransmitter at that neuromuscular junction is acetylcholine.
1182
+
1183
+ So if you block.
1184
+
1185
+ The release of acetylcholine into that sign.
1186
+
1187
+ That.
1188
+
1189
+ You effectively.
1190
+
1191
+ Paralyse those muscles because they're no longer getting stimulated, you
1192
+
1193
+ want to paralyse muscles.
1194
+
1195
+ And a difference is that with changes.
1196
+
1197
+ Other drugs, for example.
1198
+
1199
+ Can block the.
1200
+
1201
+ Synthesis of enzymes as an.
1202
+
1203
+ Antagonist or block.
1204
+
1205
+ Presynaptic receptors as an antagonist.
1206
+
1207
+ For example, cure are a very potent paralytic blocks.
1208
+
1209
+ Again, acetylcholine release affects your muscle production and because of
1210
+
1211
+ that paralyses.
1212
+
1213
+ Unlike Botox, it has.
1214
+
1215
+ A much more of contract.
1216
+
1217
+ It's much more powerful and therefore the rest of breathing
1218
+
1219
+ death.
1220
+
1221
+ You can also have have.
1222
+
1223
+ Much weaker effects by adding atropine because anyone been to
1224
+
1225
+ an eye doctor has something to stop the eyes.
1226
+
1227
+ Pupils dilate.
1228
+
1229
+ Yes.
1230
+
1231
+ First of all, across the story, I mean, I realise
1232
+
1233
+ this practice is dying out.
1234
+
1235
+ So the reason for that.
1236
+
1237
+ Is that acetylcholine.
1238
+
1239
+ Is the major neurotransmitter.
1240
+
1241
+ Of the parasympathetic nervous system.
1242
+
1243
+ And if you remember the difference between sympathetic.
1244
+
1245
+ And sympathetic, nervous and sympathetic nervous system of flight arousal,
1246
+
1247
+ increased.
1248
+
1249
+ Pupil dilation, when.
1250
+
1251
+ You get more sympathetic activity and vice versa than.
1252
+
1253
+ Parasympathetic.
1254
+
1255
+ If you block the parasympathetic system, you effectively increase the
1256
+
1257
+ weight of the sympathetic system.
1258
+
1259
+ So you get people dilation.
1260
+
1261
+ So these different chemicals are acting in different ways.
1262
+
1263
+ As I say, I don't want you to write down
1264
+
1265
+ all these things that just there's a way for you
1266
+
1267
+ to understand how different drugs have different effects on the
1268
+
1269
+ whole process of neurotransmission.
1270
+
1271
+ And I thought that might be a little bit vague
1272
+
1273
+ and complicated.
1274
+
1275
+ You get worse.
1276
+
1277
+ Unfortunately, neuro modulator, as anyone heard this term before.
1278
+
1279
+ Maybe I shouldn't say, You know, it's important.
1280
+
1281
+ And your modulator is a is a messenger release when
1282
+
1283
+ you're on, that often affects groups of neurones.
1284
+
1285
+ So unlike a classic neurotransmitter, these substances.
1286
+
1287
+ Have effects often on a large.
1288
+
1289
+ Number of.
1290
+
1291
+ Neurones.
1292
+
1293
+ They often have slow affects.
1294
+
1295
+ They seem to modulate the activity of neurones.
1296
+
1297
+ Without really providing this fine grained information of the New
1298
+
1299
+ York Times.
1300
+
1301
+ Confusingly, unfortunately, some.
1302
+
1303
+ Neuro modulators also act as neurotransmitters.
1304
+
1305
+ So you're going to have to.
1306
+
1307
+ Deal with that in your head as you go through.
1308
+
1309
+ This course.
1310
+
1311
+ One way to think of.
1312
+
1313
+ One way I like to think of neuro modulator is
1314
+
1315
+ that basically, has anyone ever done sound mixing frequency with
1316
+
1317
+ anyone.
1318
+
1319
+ Even on your.
1320
+
1321
+ Computer, to do the.
1322
+
1323
+ Ones.
1324
+
1325
+ Who have.
1326
+
1327
+ But mixing gets to got like.
1328
+
1329
+ Three channels of dials that can push up and down.
1330
+
1331
+ Right?
1332
+
1333
+ Like in Mozart sneakers.
1334
+
1335
+ So you've got like 32 channels or something like that,
1336
+
1337
+ 65 to 60.
1338
+
1339
+ You can change the game, the loudness of each of
1340
+
1341
+ those channels.
1342
+
1343
+ We're not changing.
1344
+
1345
+ The content of the music that's being played that's taking
1346
+
1347
+ place.
1348
+
1349
+ So you can modulate.
1350
+
1351
+ What the sound sounds like without actually driving the content.
1352
+
1353
+ I think of newer models, that kind of thing.
1354
+
1355
+ Yeah.
1356
+
1357
+ Amplifying and.
1358
+
1359
+ Amplifying some sounds with some neural.
1360
+
1361
+ Activity.
1362
+
1363
+ We're not actually changing.
1364
+
1365
+ The structure of that directivity.
1366
+
1367
+ So think of these new.
1368
+
1369
+ Modulators as.
1370
+
1371
+ Like a big mixing desk for the brain.
1372
+
1373
+ And clearly, you know, if you do.
1374
+
1375
+ Something like shutdown.
1376
+
1377
+ 31 out of 32 channels, I mean.
1378
+
1379
+ Leaving one.
1380
+
1381
+ Active, you're going to really.
1382
+
1383
+ Have a major spectrum and also have very subtle effects.
1384
+
1385
+ You can tweak attention.
1386
+
1387
+ You can help with learning just by changing the game
1388
+
1389
+ on some of these things.
1390
+
1391
+ I was going to go through the slight backseat.
1392
+
1393
+ I might leave.
1394
+
1395
+ But the only thing I wanted to point out from
1396
+
1397
+ the slide is that your modulators can increase the activity
1398
+
1399
+ of slowing and decrease the.
1400
+
1401
+ Activity of sinuses.
1402
+
1403
+ But I think I'll.
1404
+
1405
+ Leave this one for the moment.
1406
+
1407
+ If we want to, we can discuss it afterwards.
1408
+
1409
+ I will spend most of this lecture.
1410
+
1411
+ In talking about.
1412
+
1413
+ Specific.
1414
+
1415
+ Neurotransmitter systems.
1416
+
1417
+ I've told.
1418
+
1419
+ You already that glutamate.
1420
+
1421
+ And GABA are the two.
1422
+
1423
+ Major.
1424
+
1425
+ Neurotransmitters in the brain.
1426
+
1427
+ We're going to ignore them for the rest of this
1428
+
1429
+ lecture.
1430
+
1431
+ Because these other.
1432
+
1433
+ Systems are thought to have particular key role in cognition.
1434
+
1435
+ And I sometimes wonder why it.
1436
+
1437
+ Is that these transmitters are given such ubiquitous.
1438
+
1439
+ Such importance in neuroscience.
1440
+
1441
+ When actually the.
1442
+
1443
+ Bulk of work in the brain is done by glutamate
1444
+
1445
+ and these things are we will execute.
1446
+
1447
+ I think it's because it's so ubiquitous.
1448
+
1449
+ Kaplan glutamate that they don't have specific effects that are
1450
+
1451
+ being pointed really to.
1452
+
1453
+ If you have something that has a system wide effect
1454
+
1455
+ like glutamate.
1456
+
1457
+ Fiddling with the effects.
1458
+
1459
+ Of those particular neurotransmitters isn't.
1460
+
1461
+ Going to have a huge specific sort of very specific
1462
+
1463
+ effect on cognition.
1464
+
1465
+ To have a specific effect on cognition.
1466
+
1467
+ You need the substance to be expressed by a limited.
1468
+
1469
+ Number of neurones with a particular set of connections.
1470
+
1471
+ And that's the case for the following.
1472
+
1473
+ Systems that we're going to go through some detail.
1474
+
1475
+ So I'm going to go through all.
1476
+
1477
+ Four of these.
1478
+
1479
+ Don't try to copy this down.
1480
+
1481
+ We're going to be bigger in slightly next lines.
1482
+
1483
+ All four of these systems are going to be described
1484
+
1485
+ within the context of the road brain for the simpler.
1486
+
1487
+ And that's why we have lost the knowledge.
1488
+
1489
+ Each of these schematics here shows a slice as if
1490
+
1491
+ down the centre of the brain like this way.
1492
+
1493
+ And what this shows you is kind of like the
1494
+
1495
+ overall structure of the rat brain.
1496
+
1497
+ In each case, at the back of the brain is
1498
+
1499
+ the cerebellum.
1500
+
1501
+ If you ever see the cerebellum slide, you go back
1502
+
1503
+ to the brain at the front of the brain in
1504
+
1505
+ the rat.
1506
+
1507
+ Anyway, So effectively the top of the brain is up
1508
+
1509
+ here, sometimes called the dorsal surface, dorsal fins.
1510
+
1511
+ And the bottom.
1512
+
1513
+ Here, ventral surface.
1514
+
1515
+ It's important that this is given to you here, by
1516
+
1517
+ the way.
1518
+
1519
+ Back towards the spinal cord or whatever.
1520
+
1521
+ The opposite of courteney's.
1522
+
1523
+ Ventral and.
1524
+
1525
+ Dorsal.
1526
+
1527
+ So back to the brain front of the brain of
1528
+
1529
+ the brain.
1530
+
1531
+ Part of the brain.
1532
+
1533
+ Each of these little purple things I'm going to show
1534
+
1535
+ you in each of these.
1536
+
1537
+ Slides.
1538
+
1539
+ Is the location of the.
1540
+
1541
+ Sort of the cell bodies of the neurones we're going
1542
+
1543
+ to be talking about.
1544
+
1545
+ There's not just one you on there in these cases.
1546
+
1547
+ Eyes, but this is the.
1548
+
1549
+ Location.
1550
+
1551
+ Of those bodies.
1552
+
1553
+ These are the black lines.
1554
+
1555
+ Indicates in a very schematic way.
1556
+
1557
+ The projections of the.
1558
+
1559
+ Axons, the bodies from that area for the rest of
1560
+
1561
+ the time.
1562
+
1563
+ So let's have a look at the first one.
1564
+
1565
+ The first system that we concentrate on is noradrenaline or
1566
+
1567
+ the north entrance system.
1568
+
1569
+ And if you're reading American textbooks.
1570
+
1571
+ It's the north atmosphere, not norepinephrine, something like that.
1572
+
1573
+ So noradrenaline is the same thing as norepinephrine.
1574
+
1575
+ So this is a very special system.
1576
+
1577
+ All the cell.
1578
+
1579
+ Bodies for the neurones that.
1580
+
1581
+ Produce this neurotransmitter are found in a little area called
1582
+
1583
+ the locus, really found their brain junctions with migraine in
1584
+
1585
+ the brainstem.
1586
+
1587
+ In Iraq, there are about 300.
1588
+
1589
+ Nerve cells in that.
1590
+
1591
+ So what is in that region?
1592
+
1593
+ Sorry, 3000 in that region.
1594
+
1595
+ In a human, there are about.
1596
+
1597
+ 10,000.
1598
+
1599
+ If you compare that, for example, in the human 86
1600
+
1601
+ billion.
1602
+
1603
+ Neurones in the brain.
1604
+
1605
+ This is only 10,000.
1606
+
1607
+ A drop in the ocean.
1608
+
1609
+ If you had an impact, a stroke in your cortex
1610
+
1611
+ and lost only 10,000.
1612
+
1613
+ However, if you lost.
1614
+
1615
+ These neurones, you would notice.
1616
+
1617
+ And the reason for that is that these neurones project
1618
+
1619
+ almost everywhere in the brain.
1620
+
1621
+ They send.
1622
+
1623
+ Axons to almost every pore in the brain.
1624
+
1625
+ And therefore they release.
1626
+
1627
+ The neurotransmitter noradrenaline to almost every location in the brain.
1628
+
1629
+ The excellence of these individual neurones are very large.
1630
+
1631
+ They cover many millions of cells.
1632
+
1633
+ Over several decades.
1634
+
1635
+ We now understand that they have multiple roles, but they
1636
+
1637
+ can be kind of class in the following term.
1638
+
1639
+ That is the idea that they promote.
1640
+
1641
+ Vigilance for arousal.
1642
+
1643
+ So, for example.
1644
+
1645
+ If you say I also want to know, by the
1646
+
1647
+ way, that noradrenaline is the major.
1648
+
1649
+ Neurotransmitter of the sympathetic nervous system, which is why it's
1650
+
1651
+ involved in blood pressure and stuff like that.
1652
+
1653
+ And you should also know distances involved in sexual behaviour
1654
+
1655
+ and appetite, as you see in later lectures, as well
1656
+
1657
+ as decisions which were.
1658
+
1659
+ Also seem like lectures.
1660
+
1661
+ And one of the more interesting things that features of.
1662
+
1663
+ The small group of neurones in this little area of
1664
+
1665
+ the brain.
1666
+
1667
+ Is its activity.
1668
+
1669
+ It seems like.
1670
+
1671
+ We can attract this.
1672
+
1673
+ Activity with.
1674
+
1675
+ These little set of neurones by measuring your pupil diameter.
1676
+
1677
+ Not directly.
1678
+
1679
+ It's not that.
1680
+
1681
+ These.
1682
+
1683
+ Neurones directly protect the people, but their effects on the
1684
+
1685
+ brain surface and.
1686
+
1687
+ Manifest.
1688
+
1689
+ In the signs of the people.
1690
+
1691
+ So, for example, in this work.
1692
+
1693
+ From Darius Jones and his colleagues in Monkey, what's shown
1694
+
1695
+ here is the average number of action potentials produced by
1696
+
1697
+ a new.
1698
+
1699
+ White animal reporting from the three of us.
1700
+
1701
+ That's in the bottom curve.
1702
+
1703
+ And on the top.
1704
+
1705
+ Is the.
1706
+
1707
+ Pupil diameter, with.
1708
+
1709
+ Dilation being.
1710
+
1711
+ Larger and.
1712
+
1713
+ District of being smaller.
1714
+
1715
+ This is a very long time.
1716
+
1717
+ This is about an hour of recording or even an
1718
+
1719
+ hour and.
1720
+
1721
+ A half of.
1722
+
1723
+ Recording.
1724
+
1725
+ You can see that over time, the number of spikes.
1726
+
1727
+ Produced by the cell and other cells.
1728
+
1729
+ Near it varies.
1730
+
1731
+ So sometimes it's about two, sometimes it's about one spike
1732
+
1733
+ perspective.
1734
+
1735
+ It's a factor of two.
1736
+
1737
+ From the variance in the activity of these.
1738
+
1739
+ Cells.
1740
+
1741
+ When you can see that the number of executions being
1742
+
1743
+ produced by the cells varies with the pupil diameter, such
1744
+
1745
+ that when you have large pupils, that's indicative of these.
1746
+
1747
+ Those haven't quite high rates.
1748
+
1749
+ And that correlation of causation and correlations is now used
1750
+
1751
+ quite.
1752
+
1753
+ Frequently to try and assess.
1754
+
1755
+ The state of the system in humans, because we can
1756
+
1757
+ measure pupil diameter fairly.
1758
+
1759
+ Straightforwardly with the.
1760
+
1761
+ Top electrode and really it's in humans.
1762
+
1763
+ So we can track the activities population of neurones simply
1764
+
1765
+ by looking at your pupil diameter.
1766
+
1767
+ Many things affect the people.
1768
+
1769
+ Don't have very controlled experiments.
1770
+
1771
+ Be able to.
1772
+
1773
+ Rule them.
1774
+
1775
+ Out.
1776
+
1777
+ But in the right conditions you can.
1778
+
1779
+ Try to affect.
1780
+
1781
+ This vigilance.
1782
+
1783
+ Or arousal system.
1784
+
1785
+ Indeed, perhaps particularly for this lecture.
1786
+
1787
+ You may know that you're exposed in relationship, which is
1788
+
1789
+ the idea that performance is based on the intermediate.
1790
+
1791
+ Level of arousal.
1792
+
1793
+ When you have low arousal, good.
1794
+
1795
+ We have very high.
1796
+
1797
+ Arousal, very distractible.
1798
+
1799
+ Good.
1800
+
1801
+ When you somewhere in between those two extremes.
1802
+
1803
+ That's when you perform it best.
1804
+
1805
+ And actually, strikingly, the activity, the neurones.
1806
+
1807
+ In this little area seem.
1808
+
1809
+ To vary in a.
1810
+
1811
+ Way that might be expected by some underlying this relationship.
1812
+
1813
+ So, for example, when you're measuring from the stimulus and
1814
+
1815
+ you're measuring the activity of neurones in each of these
1816
+
1817
+ bars, the approximate activities of.
1818
+
1819
+ Neurones that fires fire, the more active.
1820
+
1821
+ The heat and the arrow in this case is, by
1822
+
1823
+ the way, the onset of a particular.
1824
+
1825
+ Task.
1826
+
1827
+ You can see that when the animal is inattentive.
1828
+
1829
+ Or not, alert monkeys when they're doing experiments, Wolf, has
1830
+
1831
+ been.
1832
+
1833
+ Several minutes.
1834
+
1835
+ If not longer.
1836
+
1837
+ You sign and they don't really want to participate in
1838
+
1839
+ this experiment and just kind of go to sleep.
1840
+
1841
+ Or when they go to sleep, they become inattentive.
1842
+
1843
+ And you can see the activity in the local cities
1844
+
1845
+ is reduced in these conditions, whereas when the animal is
1846
+
1847
+ highly distractible.
1848
+
1849
+ Seems to be wanting to do the task wasn't able
1850
+
1851
+ to accomplish it might be to terminate the trial too
1852
+
1853
+ early, etc..
1854
+
1855
+ You can see also that the activity.
1856
+
1857
+ In local surrealists has increased during these conditions in a
1858
+
1859
+ chronic way.
1860
+
1861
+ And then some.
1862
+
1863
+ Nice intermediate position.
1864
+
1865
+ The arm was engaged, is actually able to do the
1866
+
1867
+ task is performing well.
1868
+
1869
+ In this case you have low activity in the really
1870
+
1871
+ in general, the little little epochs of high activity seemingly
1872
+
1873
+ signalling the.
1874
+
1875
+ Fact that the animal is actually attending to particular aspects
1876
+
1877
+ of the path has been undertaken.
1878
+
1879
+ So these neurones really seem to track quite well the
1880
+
1881
+ vigilance that an animal is producing, be a.
1882
+
1883
+ Task, engage aspects of.
1884
+
1885
+ Their activities.
1886
+
1887
+ Behaviour.
1888
+
1889
+ Get to the point where it's over the cuts, defence
1890
+
1891
+ cuts.
1892
+
1893
+ Why do you think they should be much more distinct.
1894
+
1895
+ Kind of reforms?
1896
+
1897
+ Is that what you mean?
1898
+
1899
+ And why Is it because you have a record that
1900
+
1901
+ you have to use against other?
1902
+
1903
+ What do.
1904
+
1905
+ You mean?
1906
+
1907
+ Why, for example, is this black over here and this
1908
+
1909
+ black is here?
1910
+
1911
+ Is that is this what you mean by overlap?
1912
+
1913
+ Sorry, I'm not quite sure what you mean.
1914
+
1915
+ By the overlap.
1916
+
1917
+ In on the x axis.
1918
+
1919
+ The thing that.
1920
+
1921
+ Is pointing that out, I didn't actually describe what this
1922
+
1923
+ chart which is.
1924
+
1925
+ Important.
1926
+
1927
+ These are what we would call histograms.
1928
+
1929
+ Or.
1930
+
1931
+ Event time.
1932
+
1933
+ Histograms of periosteum stimulus time variances.
1934
+
1935
+ If you will see this word eighth grade line.
1936
+
1937
+ Who go through more in a couple of weeks time.
1938
+
1939
+ Each little box.
1940
+
1941
+ Now indicates the average.
1942
+
1943
+ Number of spikes produced by neurone or the total number
1944
+
1945
+ of spikes because you find you're in a particular time
1946
+
1947
+ period.
1948
+
1949
+ In this case, what was showing before is on that
1950
+
1951
+ axis of these black things.
1952
+
1953
+ It's time.
1954
+
1955
+ But the access component here is just some schematic idea
1956
+
1957
+ of what activity is.
1958
+
1959
+ So there are actually very different axes and they're not
1960
+
1961
+ meant to be taken seriously as a kind of relative
1962
+
1963
+ to each other.
1964
+
1965
+ So each of the stages.
1966
+
1967
+ Is the same time scale.
1968
+
1969
+ And they have.
1970
+
1971
+ No relationship to the other actually on the ground.
1972
+
1973
+ I think.
1974
+
1975
+ We.
1976
+
1977
+ Will go through stages ad.
1978
+
1979
+ Nauseum in about two.
1980
+
1981
+ Weeks because the next system is the cholinergic.
1982
+
1983
+ System and the set of colony.
1984
+
1985
+ Is the major.
1986
+
1987
+ Neurotransmitter of the parasympathetic nervous system, which also neurotransmitters.
1988
+
1989
+ The neuromuscular junction.
1990
+
1991
+ And it's also produced in several places in the central
1992
+
1993
+ brain in particular.
1994
+
1995
+ But until now that no one knows how to say
1996
+
1997
+ that.
1998
+
1999
+ But also here, the medial septum in the coordinate nucleus
2000
+
2001
+ and importantly, the nucleus.
2002
+
2003
+ Now, these different groups of neurones, which have different projections
2004
+
2005
+ to the rest of the brain, also seem to have
2006
+
2007
+ different.
2008
+
2009
+ Functions in combination.
2010
+
2011
+ So example.
2012
+
2013
+ Those cholinergic neurones that are down, in.
2014
+
2015
+ Fact.
2016
+
2017
+ They seem to connect to separate.
2018
+
2019
+ Seem to have an influence.
2020
+
2021
+ The influences animals waking.
2022
+
2023
+ Up from sleep and going back to sleep and other
2024
+
2025
+ forms of arousal.
2026
+
2027
+ By contrast, the neurones that are in the medial.
2028
+
2029
+ Septum known to be very.
2030
+
2031
+ Important prospects for navigation.
2032
+
2033
+ And a large prediction of a campus influence activity.
2034
+
2035
+ The present projection primarily and in those in numerous besides
2036
+
2037
+ seem to project to the cerebral cortex.
2038
+
2039
+ You can therefore influence learning intention.
2040
+
2041
+ The cerebral cortex is a strong hypothesis that calling is
2042
+
2043
+ one of the major neurotransmitters of helping us tend to
2044
+
2045
+ different parts of our brain and therefore the outside world.
2046
+
2047
+ The next one is serotonin, which many of you were
2048
+
2049
+ familiar with, at least in name.
2050
+
2051
+ And this neurochemical is produced by neurones whose bodies.
2052
+
2053
+ Line these beautiful little nuclei in the brainstem called the
2054
+
2055
+ regulating events.
2056
+
2057
+ And there's three or four that actually separate the 3.3
2058
+
2059
+ of them at least, which produce the substance serotonin.
2060
+
2061
+ And again, these axons, these neurones project in many different.
2062
+
2063
+ Parts of the brain.
2064
+
2065
+ I'll show you in a second, was stunned to.
2066
+
2067
+ Learn that they're not all the same description.
2068
+
2069
+ But for a long time it's been assumed that they
2070
+
2071
+ were doing pretty well.
2072
+
2073
+ The same.
2074
+
2075
+ Function.
2076
+
2077
+ What that function is, is not really.
2078
+
2079
+ There is some models out there, but I don't think
2080
+
2081
+ anyone would agree on them yet.
2082
+
2083
+ I would note that LSD is an agonist of serotonin
2084
+
2085
+ receptors.
2086
+
2087
+ And if those of you who.
2088
+
2089
+ Are interested in.
2090
+
2091
+ The idea of using.
2092
+
2093
+ Small amounts of energy in therapy, for example, might be
2094
+
2095
+ important to.
2096
+
2097
+ Know that at UCL.
2098
+
2099
+ As well as Imperial, there are ongoing programs looking at
2100
+
2101
+ the use of small.
2102
+
2103
+ Amounts of those to help people.
2104
+
2105
+ Overcome depression of the major illnesses.
2106
+
2107
+ MDMA is also very active in the serotonin system, has
2108
+
2109
+ an effect on sinuses by multiple mechanisms.
2110
+
2111
+ It was originally used as an appetite inhibitor.
2112
+
2113
+ But it also targets the hypothalamus.
2114
+
2115
+ And is a tool in marriage therapy.
2116
+
2117
+ As you well know.
2118
+
2119
+ I suspect selective serotonin.
2120
+
2121
+ Reuptake inhibitors.
2122
+
2123
+ Or SSRI, is a.
2124
+
2125
+ Major.
2126
+
2127
+ And potent human.
2128
+
2129
+ So as we've discussed before, we now should not have
2130
+
2131
+ to decide for that selective serotonin reuptake inhibitor, selective serotonin.
2132
+
2133
+ System, serotonin, that's neurotransmitter.
2134
+
2135
+ It changes the way that neurotransmitters in.
2136
+
2137
+ Particular.
2138
+
2139
+ Inhibit so that you're going to therefore increase the level
2140
+
2141
+ of suppression in the sense that it's believed in.
2142
+
2143
+ So SSRI is basically work to increase the amount of
2144
+
2145
+ serotonin in some finances.
2146
+
2147
+ Which synopses are.
2148
+
2149
+ Important.
2150
+
2151
+ For the antidepressant effect?
2152
+
2153
+ It's not known.
2154
+
2155
+ If there.
2156
+
2157
+ Is a substantial debate about how and why these substances
2158
+
2159
+ are having their effect in those people who are receptive
2160
+
2161
+ to it as an antidepressant.
2162
+
2163
+ There's an interesting study which is going to suggest that
2164
+
2165
+ serotonin may have very.
2166
+
2167
+ Similar cognitive effects across multiple species.
2168
+
2169
+ This is a.
2170
+
2171
+ Lovely study in octopus.
2172
+
2173
+ I like it because it's very clear.
2174
+
2175
+ You'll see here there's an octopus, a lovely pitcher in
2176
+
2177
+ a tank, and there's two doors, the hand octopus hands
2178
+
2179
+ from his central tank, one to an inanimate object, the
2180
+
2181
+ other one to him, playmate.
2182
+
2183
+ So the question is, does the.
2184
+
2185
+ Octopus choose to spend more time with an object or
2186
+
2187
+ playmate?
2188
+
2189
+ And then does that change when you add in the
2190
+
2191
+ eye to the tank and you can almost almost the
2192
+
2193
+ focus on this one here we see that the social
2194
+
2195
+ activity of the.
2196
+
2197
+ Octopus.
2198
+
2199
+ Goes up substantially after introducing MDMA to the tank.
2200
+
2201
+ All the other relationships seem to be non-significant.
2202
+
2203
+ So, for example, it does seem to spend a little
2204
+
2205
+ less time with the object.
2206
+
2207
+ It doesn't seem to spend any more time in the
2208
+
2209
+ centre.
2210
+
2211
+ It does seem to spend.
2212
+
2213
+ More time that might.
2214
+
2215
+ Be increasing.
2216
+
2217
+ The social.
2218
+
2219
+ Activity of these.
2220
+
2221
+ Octopuses in a similar kind of way to how it
2222
+
2223
+ does in humans.
2224
+
2225
+ Yes.
2226
+
2227
+ Oh, sorry.
2228
+
2229
+ It's very hard to say what you should just say.
2230
+
2231
+ Just say something if I got.
2232
+
2233
+ Into the.
2234
+
2235
+ Spotlight.
2236
+
2237
+ Yeah.
2238
+
2239
+ Well, so good to have this episode of Facebook or
2240
+
2241
+ something like that.
2242
+
2243
+ Yes, actually, if you just come.
2244
+
2245
+ Back to it in the next slide.
2246
+
2247
+ I think that a lot.
2248
+
2249
+ Of that uncertainty around the.
2250
+
2251
+ Specificity of these drugs.
2252
+
2253
+ So why does it seem to have precisely the same
2254
+
2255
+ kind of effect, have different kinds of things?
2256
+
2257
+ Apart from the fact that the different individuals are very
2258
+
2259
+ different.
2260
+
2261
+ Anyway, getting set aside for a moment, I think a
2262
+
2263
+ lot.
2264
+
2265
+ Of that comes down to the fact that these systems.
2266
+
2267
+ Are much less homogenous than we thought they were.
2268
+
2269
+ Very kind of of that.
2270
+
2271
+ You know, we used to think these were all basically
2272
+
2273
+ the same thing, but now it's very clear or becoming
2274
+
2275
+ very clear.
2276
+
2277
+ They do quite different things.
2278
+
2279
+ So, for.
2280
+
2281
+ Example, this study from a couple of years ago shows
2282
+
2283
+ that some of those neurones project the frontal cortex and
2284
+
2285
+ others projects the amygdala.
2286
+
2287
+ Now, those of you who don't.
2288
+
2289
+ Know about the amygdala will find out ad nauseam again
2290
+
2291
+ this course.
2292
+
2293
+ Later that there is very important fear generating behaviours.
2294
+
2295
+ Frontal cortex, on.
2296
+
2297
+ The other hand, reporting in.
2298
+
2299
+ Hallucinations and executive.
2300
+
2301
+ Control.
2302
+
2303
+ And three different groups of neurones and it.
2304
+
2305
+ Is in at least in rodents.
2306
+
2307
+ Seem to project to these two.
2308
+
2309
+ Different regions because I think a lot of the reason
2310
+
2311
+ that these substances can have to protect is because there'll
2312
+
2313
+ be different sensitivities.
2314
+
2315
+ And maybe.
2316
+
2317
+ Of those climaxes of circuits that are involved in particular
2318
+
2319
+ substances.
2320
+
2321
+ So depending on which.
2322
+
2323
+ Form the kind of tapping into more about, you have
2324
+
2325
+ a different kind of stuff.
2326
+
2327
+ But it.
2328
+
2329
+ Could well be I can't.
2330
+
2331
+ Remember, I come in with this study whether they explore
2332
+
2333
+ the difference, sometimes.
2334
+
2335
+ I think they did those of you.
2336
+
2337
+ Know this, but they called 5ht receptors and there's multiple
2338
+
2339
+ subclasses.
2340
+
2341
+ Not common there, but it's highly likely that it's different
2342
+
2343
+ expression patterns.
2344
+
2345
+ But it's a good question.
2346
+
2347
+ Yes, but it's just stories here that certain lunatics of
2348
+
2349
+ projects to the frontal cortex is activated by rewarding exhibited
2350
+
2351
+ by punishment, whereas that which is projects, the amygdala is
2352
+
2353
+ activated by space.
2354
+
2355
+ Just to point out really something to think about too
2356
+
2357
+ much, but just to point out that what we thought
2358
+
2359
+ of as kind of model systems are now being pulled
2360
+
2361
+ apart and.
2362
+
2363
+ Described as pretty separate systems.
2364
+
2365
+ Or maybe the same neurotransmitters.
2366
+
2367
+ So I want to spend the last 5 minutes just
2368
+
2369
+ talking about don't mean because that's how we started off
2370
+
2371
+ trying.
2372
+
2373
+ To understand why cocaine has its.
2374
+
2375
+ Specific effect and dopamine has two major sources, one in
2376
+
2377
+ the substantia nigra and one in the mental area.
2378
+
2379
+ Sitting.
2380
+
2381
+ These two areas sit next to each other just here
2382
+
2383
+ in the midbrain.
2384
+
2385
+ Now, substantia nigra has a large projection to the.
2386
+
2387
+ Pelvis and striatum.
2388
+
2389
+ It's very important to work on control.
2390
+
2391
+ For that reason.
2392
+
2393
+ Degeneration to the substantia nigra.
2394
+
2395
+ Neurones is.
2396
+
2397
+ The basis of.
2398
+
2399
+ Parkinson's and Parkinson's.
2400
+
2401
+ If you.
2402
+
2403
+ Haven't come across.
2404
+
2405
+ It is a debilitating disease whose early stages.
2406
+
2407
+ Are indicated by substantial tremors and tremors.
2408
+
2409
+ Basically.
2410
+
2411
+ The absence of control of your muscle.
2412
+
2413
+ Movements.
2414
+
2415
+ This happens because of the type of nurturing signal that
2416
+
2417
+ normally comes to suggest migrants, not in the present.
2418
+
2419
+ I want to show you one video.
2420
+
2421
+ It's going to be video, but uses deep brain stimulation,
2422
+
2423
+ which is the idea that we can put an electrode
2424
+
2425
+ into the brain to.
2426
+
2427
+ Simulate.
2428
+
2429
+ The now absent.
2430
+
2431
+ Signals to try and recover those neurones and signals.
2432
+
2433
+ And it's an amazing video.
2434
+
2435
+ Here it is placed in the brain and then comes
2436
+
2437
+ level with the top of the nose and the ear.
2438
+
2439
+ And it is connected to a battery in my chest
2440
+
2441
+ and in my head, the skin of my chest here.
2442
+
2443
+ And this is controlled.
2444
+
2445
+ I can control the amount of the voltage coming in.
2446
+
2447
+ I can control the length of time that the pulses
2448
+
2449
+ and I can identify the number of times per second
2450
+
2451
+ as it goes in my chair myself now.
2452
+
2453
+ So I'm not having to issue.
2454
+
2455
+ Personal hygiene.
2456
+
2457
+ It took my concentration.
2458
+
2459
+ It's up to.
2460
+
2461
+ 90% of my term.
2462
+
2463
+ I'm trying to control it.
2464
+
2465
+ I'm thinking about Parkinson's all the time.
2466
+
2467
+ I'm not terribly I'm not concentrating on my conversation with
2468
+
2469
+ him at all.
2470
+
2471
+ Okay.
2472
+
2473
+ It's seen as quite.
2474
+
2475
+ I've seen that many times.
2476
+
2477
+ I support it deeply affecting.
2478
+
2479
+ So what's happening there.
2480
+
2481
+ Is that the deep brain stimulation implant is effectively replicating
2482
+
2483
+ what the.
2484
+
2485
+ Nerves would.
2486
+
2487
+ Normally be.
2488
+
2489
+ Providing.
2490
+
2491
+ And that controls the.
2492
+
2493
+ Tremor or helps some control the tremor.
2494
+
2495
+ I've got a slide in there about deep brain stimulation.
2496
+
2497
+ We want to think we go through this again next
2498
+
2499
+ lecture.
2500
+
2501
+ The other major system that users don't meet is the.
2502
+
2503
+ So-called reward system that stems from the vengeful, sentimental area.
2504
+
2505
+ Of several places.
2506
+
2507
+ But the main circuit that's been studied is that from
2508
+
2509
+ the bedroom has been married to the.
2510
+
2511
+ Nucleus accumbens.
2512
+
2513
+ And thought that this circuit is one of the ones
2514
+
2515
+ primarily responsible for experience.
2516
+
2517
+ Of reward.
2518
+
2519
+ And potentially pleasure.
2520
+
2521
+ So why do we continue to do something?
2522
+
2523
+ Well, why do we do something again, just because we've
2524
+
2525
+ got something.
2526
+
2527
+ Positive out of this time?
2528
+
2529
+ It was a rewarding experience.
2530
+
2531
+ The teaching.
2532
+
2533
+ Signal that would tell us how we would.
2534
+
2535
+ Like to repeat that.
2536
+
2537
+ Behaviour.
2538
+
2539
+ That's the reward.
2540
+
2541
+ Signal.
2542
+
2543
+ It turns out that these neurones in the middle area,
2544
+
2545
+ the projects, the nucleus accumbens, so every indication of being
2546
+
2547
+ part of a circuit that helps us learn from positive,
2548
+
2549
+ rewarding events.
2550
+
2551
+ So if I've told you that cocaine changes behaviour because
2552
+
2553
+ it blocks the uptake of neurotransmitter opening, and that has
2554
+
2555
+ a specific effect potentially because.
2556
+
2557
+ It's a very specific.
2558
+
2559
+ Circle in the brain that.
2560
+
2561
+ This expresses this certain perception.
2562
+
2563
+ I haven't yet told you what.
2564
+
2565
+ Cocaine does it blocks the uptake of don't mean in
2566
+
2567
+ back into the presynaptic areas from the sign ups that
2568
+
2569
+ re uptake that transporter that normally active.
2570
+
2571
+ During out of the sign.
2572
+
2573
+ Out into the presynaptic space is blocked by cocaine cocaine.
2574
+
2575
+ Increasing the level certainly in the sign ups.
2576
+
2577
+ And in particular.
2578
+
2579
+ We think the finance.
2580
+
2581
+ Between the beta and the nucleus.
2582
+
2583
+ Accumbens.
2584
+
2585
+ And that.
2586
+
2587
+ By having an action on that side, it.
2588
+
2589
+ Increases the reward or pleasure.
2590
+
2591
+ Signals.
2592
+
2593
+ In the brain.
2594
+
2595
+ That's the reason.
2596
+
2597
+ That cocaine.
2598
+
2599
+ Could have an impact.
2600
+
2601
+ On.
2602
+
2603
+ Parkinson's disease.
2604
+
2605
+ I'm pretty sure I may be wrong is that the
2606
+
2607
+ two receptors, the.
2608
+
2609
+ Receptors slightly different.
2610
+
2611
+ I'd have to look.
2612
+
2613
+ I don't know the answer to that.
2614
+
2615
+ Again, a bit like the serotonin question.
2616
+
2617
+ I think the.
2618
+
2619
+ Question is whether or not.
2620
+
2621
+ There's different circuit sets of different receptors and different chemicals.
2622
+
2623
+ Being both the trigger for.
2624
+
2625
+ This is the topic from the video, the nucleus accumbens.
2626
+
2627
+ I put it here to indicate that actually many of
2628
+
2629
+ the substances.
2630
+
2631
+ That we think are psychoactive drugs, opioids.
2632
+
2633
+ Caffeine, nicotine, cocaine seem to have an action on this.
2634
+
2635
+ So this could be a common sentence for the mode
2636
+
2637
+ of action for a lot of these addictive substances.
2638
+
2639
+ They activate or activate.
2640
+
2641
+ Circuit that normally leads to the sensation of.
2642
+
2643
+ Reward, sensation of pleasure.
2644
+
2645
+ And that's one of the reasons they're likely to be
2646
+
2647
+ addictive.
2648
+
2649
+ It's not the only reason.
2650
+
2651
+ Clearly, one of the reasons they're likely to be so
2652
+
2653
+ hope.
2654
+
2655
+ Of being able to break down that sentence and that
2656
+
2657
+ you've understood a little bit more about why some drugs
2658
+
2659
+ work.
2660
+
2661
+ That includes a kind of like foundational series of lectures.
2662
+
2663
+ I suppose next week we'll be talking a little bit
2664
+
2665
+ about research methods that we can use to study brain
2666
+
2667
+ activity.
2668
+
2669
+ And then we'll be looking at this brain.
2670
+
2671
+ So thank you and have a good day.
2672
+
2673
+ All right, let's just keep talking.
2674
+
2675
+ Six months after the holidays.
2676
+
2677
+ Yeah, that's good.
2678
+
2679
+ But I don't think we know enough about the differences
2680
+
2681
+ between different organisms in the same place that.
2682
+
2683
+ We don't know the.
2684
+
2685
+ Answer to that.
2686
+
2687
+ Question.
2688
+
2689
+ Because that would be my question.
2690
+
2691
+ Which is really some people don't think it's a good
2692
+
2693
+ question.
2694
+
2695
+ I have no contact with someone else.
2696
+
2697
+ That's why it seems like complexity.
2698
+
2699
+ What what kind of thing?
2700
+
2701
+ Yeah, exactly.
2702
+
2703
+ So why.
2704
+
2705
+ I'm.
2706
+
2707
+ Calling.
2708
+
2709
+ Because.
2710
+
2711
+ It's.
2712
+
2713
+ Not can.
2714
+
2715
+ Look.
2716
+
2717
+ At.
2718
+
2719
+ Requirements.
2720
+
2721
+ That makes sense.
2722
+
2723
+ How do you go about doing stuff like this?
2724
+
2725
+ Because I mean.
2726
+
2727
+ Otherwise, except.
2728
+
2729
+ As required by applicable because we want to participate.
2730
+
2731
+ The central focus on the subject in the weeks before
2732
+
2733
+ Google, which might be possible this.
2734
+
2735
+ Week, is something.
2736
+
2737
+ That we support.
2738
+
2739
+ But I think it's difficult for people to try to
2740
+
2741
+ keep up to date with all the of.
2742
+
2743
+ Okay.
raw_transcripts/lecture_5.txt ADDED
@@ -0,0 +1,2215 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ So that's best thing.
2
+
3
+ Dr. Richard Francis.
4
+
5
+ That's the they to take the word.
6
+
7
+ What is.
8
+
9
+ Hello.
10
+
11
+ Welcome back.
12
+
13
+ If you are.
14
+
15
+ My name's Sam Solomon.
16
+
17
+ It's my pleasure also to introduce to you today Professor
18
+
19
+ Elliott Carton.
20
+
21
+ He'll be taking a lot of this lecture.
22
+
23
+ So in the last two weeks, we've discussed the different
24
+
25
+ components of brains and brain function.
26
+
27
+ The purpose of this week in general is to help
28
+
29
+ you understand a little bit better to survey the variety
30
+
31
+ of techniques that are available now to study brains and
32
+
33
+ behaviour.
34
+
35
+ To set us up properly for the subsequent weeks, which
36
+
37
+ were on specific terms.
38
+
39
+ So the purpose of today is not to go into
40
+
41
+ in-depth any particular technique.
42
+
43
+ We just like to help you understand the panoply of
44
+
45
+ techniques that are available with the strengths and the limitations
46
+
47
+ of some of those techniques are and why one might
48
+
49
+ choose to employ them in particular circumstances to understand the
50
+
51
+ relationship between brains and behaviour.
52
+
53
+ This is now quite an old slide, or at least
54
+
55
+ most of it is.
56
+
57
+ I adapted it slightly on the x axis is the
58
+
59
+ timescale of which one might like to make a measurement
60
+
61
+ ranging from milliseconds through hours, days and even lifetimes.
62
+
63
+ On the y axis.
64
+
65
+ It's a spatial scale of which one might like to
66
+
67
+ make that measurement from the scale of a single snaps
68
+
69
+ of a single nerve.
70
+
71
+ So through two o columns of those whole brain areas
72
+
73
+ and perhaps even the whole brain, each of the little
74
+
75
+ things in the box are different types of techniques, most
76
+
77
+ of which will encounter some time today.
78
+
79
+ These include things that are, for example, called patch clamp
80
+
81
+ electrophysiology.
82
+
83
+ This is old school electrophysiology, incredibly powerful technique.
84
+
85
+ You put in a glass electrode, so its tip is
86
+
87
+ only 1000 or maybe 5000 millimetre wide.
88
+
89
+ You put that glass tip up against the membrane of
90
+
91
+ a single nerve cell in a slice usually, but sometimes
92
+
93
+ in a whole animal.
94
+
95
+ You suck that little membrane onto the end of the
96
+
97
+ pipette and then you break the seal from the glass
98
+
99
+ into the inside of the cell, what's called a giga
100
+
101
+ arm seal.
102
+
103
+ And that allows you to measure precisely the internal electrical
104
+
105
+ life of that.
106
+
107
+ So that's basically the smaller scale measurement techniques tend to
108
+
109
+ get through on the top.
110
+
111
+ Right, as we'll be discussing soon, is a kind of
112
+
113
+ knowledge you can gain from studying humans or animals with
114
+
115
+ lesions, maybe to large parts of the brain or to
116
+
117
+ even small parts of the brain, often formed by strokes
118
+
119
+ or other kinds of accidents.
120
+
121
+ And in between.
122
+
123
+ These are a range of different techniques that we'll be
124
+
125
+ encountering today, including electrophysiology, calcium imaging, optical imaging that Magneto
126
+
127
+ and Safflower Graham or the electroencephalogram MEG or EEG, but
128
+
129
+ also techniques that are not necessarily aimed at revealing the
130
+
131
+ functional activity of the brain, but the kind of connections
132
+
133
+ between different brain areas.
134
+
135
+ If we were to have this lecture back when the
136
+
137
+ slide was first made.
138
+
139
+ I think the slide was first made back in 1994
140
+
141
+ because there had been some profusion of techniques, including MRI,
142
+
143
+ into the field.
144
+
145
+ These techniques have now even grown more stronger and more
146
+
147
+ varied in their ability to answer these kinds of questions.
148
+
149
+ Hopefully we'll give you a flavour of that today, so
150
+
151
+ I'll hand off now to the radio to take you
152
+
153
+ through the first component, which is largely to do with
154
+
155
+ how we try and measure brain function in human beings.
156
+
157
+ Hello, everybody.
158
+
159
+ Can you hear me?
160
+
161
+ Yeah.
162
+
163
+ Hi.
164
+
165
+ It's really nice to be here.
166
+
167
+ I'm Andrea.
168
+
169
+ I'm one.
170
+
171
+ This is a professor of experimental psychology, and I mostly
172
+
173
+ do research on human cells quite nicely to telling you
174
+
175
+ about some of the techniques that we use.
176
+
177
+ And we wanted to start a little bit with.
178
+
179
+ Well, the first thing that was available for us to
180
+
181
+ study the human brain.
182
+
183
+ Right?
184
+
185
+ And that was sort of lesions in patients.
186
+
187
+ And that's something that's very much like we call neuropsychology,
188
+
189
+ although neuropsychology implies all those things as well.
190
+
191
+ And you're going to be seeing this a lot through
192
+
193
+ your modules.
194
+
195
+ And so I'm not going to go into a lot
196
+
197
+ of detail about it, but it is fair to say
198
+
199
+ that sort of the groundbreaking studies of Paul Broca were
200
+
201
+ the ones that sort of get this field going in
202
+
203
+ many ways.
204
+
205
+ So Rocco had a patient that had some language production
206
+
207
+ issues, and when that patient, that patient died and then
208
+
209
+ they examined the brain, they saw that they had a
210
+
211
+ lesion in the left hemisphere, in the frontal charges, in
212
+
213
+ the frontal cortex.
214
+
215
+ And they could also see that that happened again with
216
+
217
+ a couple of patients.
218
+
219
+ So that was the first real sort of link between
220
+
221
+ a function behaviour and sort of something localised to a
222
+
223
+ certain part of the brain.
224
+
225
+ And that was really groundbreaking for for neuroscience and for
226
+
227
+ psychology.
228
+
229
+ And it is the technique that we still use up
230
+
231
+ to today.
232
+
233
+ We're going to we're going to talk a lot about
234
+
235
+ hair and burn care during the language recognition lectures.
236
+
237
+ And we also are going to talk about a fascia
238
+
239
+ and how we still use neuropsychology to study the brain
240
+
241
+ in humans.
242
+
243
+ So as I said, it's just really good in terms
244
+
245
+ of getting this still going and making sort of relationships
246
+
247
+ between structure and function in the brain.
248
+
249
+ And what we can do now is also say, okay,
250
+
251
+ well, we have these Asian to have this lesion.
252
+
253
+ Let's try to see how they perform different tasks.
254
+
255
+ And again, you begin to see this a lot.
256
+
257
+ A classic example, the studies of our friend Amelia with
258
+
259
+ patients, H.M. and.
260
+
261
+ So yeah, really groundbreaking as well.
262
+
263
+ That went to a lot of studies.
264
+
265
+ We learned a lot about memory from those and that
266
+
267
+ this technique obviously, you know, has advantages which are like
268
+
269
+ and how we can link brain, um, behaviour and potentially
270
+
271
+ identify regions that are necessary and lesions that never sort
272
+
273
+ of sort of constrained to certain regions of the brain
274
+
275
+ if you want.
276
+
277
+ We don't really know what's damage.
278
+
279
+ The damage will be different between patients.
280
+
281
+ So it's a little bit, it's a kind of like
282
+
283
+ what people call sometimes a nature experiment.
284
+
285
+ Well, someone had a listen.
286
+
287
+ Let's try to understand what happened.
288
+
289
+ And I think in terms of disadvantages was that it
290
+
291
+ was that the lesions are not selective and that also,
292
+
293
+ obviously, the brain has this this capacity of plasticity of
294
+
295
+ of change in potentially structure and function to compensate for
296
+
297
+ what's happening environments is what happened in its own physiology.
298
+
299
+ And so there are a lot of cases that actually
300
+
301
+ the brain compensates over time.
302
+
303
+ So we see this a lot in patients and you
304
+
305
+ will say the cases of aphasia were potentially at the
306
+
307
+ beginning after lesion.
308
+
309
+ A patient has like several sort of potential issues with
310
+
311
+ producing or understanding language.
312
+
313
+ Let's say that as time passes, many of them recover.
314
+
315
+ So not all of them.
316
+
317
+ And that's like a real interesting or like a big
318
+
319
+ area of research trying to understand why a patient will
320
+
321
+ not recover.
322
+
323
+ Many of them do.
324
+
325
+ And that has to do with how the brain can
326
+
327
+ compensate for that damage.
328
+
329
+ However, there are lots of things that you can't really
330
+
331
+ do.
332
+
333
+ You can't really study dynamics between brain regions because you
334
+
335
+ know that lesion is already damaged.
336
+
337
+ So, you know, that's the only thing that you know.
338
+
339
+ And and I think I think for me, the biggest
340
+
341
+ one is that, well, deletion is not selective.
342
+
343
+ So you wouldn't know what exactly is damage or to
344
+
345
+ what extent.
346
+
347
+ And therefore, it's very difficult to make sort of inferences
348
+
349
+ between the structure and the function.
350
+
351
+ We can do it by studying sort of large groups
352
+
353
+ of patients.
354
+
355
+ But for example, there is currently study in Queens at
356
+
357
+ UCL where they're trying to look at that Netflix of
358
+
359
+ yeah, so people would have patients are going to be
360
+
361
+ all the brain lesions and therefore sort of language production
362
+
363
+ and perception problems and they're trying to look at what
364
+
365
+ predicts recovery and they really need to recruit thousands of
366
+
367
+ patients to be able to do this properly.
368
+
369
+ So it is, it is quite hard.
370
+
371
+ Okay.
372
+
373
+ So I'm going to talk now about some other techniques
374
+
375
+ that we can use to actually measure brain function and
376
+
377
+ structure in healthy individuals and in a non-invasive way.
378
+
379
+ And the first one I'd like to talk to you
380
+
381
+ about is magnetic resonance imaging.
382
+
383
+ And I'm just going to show you a video that
384
+
385
+ explains this very well from one of the developers of
386
+
387
+ this technique.
388
+
389
+ If you take, let's say, a human being and put
390
+
391
+ him in one of these big, very homogeneous magnetic field
392
+
393
+ magnets, then there's a tendency of that magnetic field to
394
+
395
+ line up the magnetic moments of the nuclei, the spin
396
+
397
+ of the nuclei and the hydrogen in your body, which
398
+
399
+ is in your muscle and in your blood.
400
+
401
+ Now, put on a radio frequency pulse, say 60 megahertz
402
+
403
+ or something like that.
404
+
405
+ Then you can make this magnetisation of your hydrogen nuclei.
406
+
407
+ You can turn it 90 degrees away from the direction
408
+
409
+ of the magnetic field.
410
+
411
+ Your magnetic moment will process.
412
+
413
+ If you have coils around, pick up coils, they it
414
+
415
+ will induce a signal.
416
+
417
+ If I want to see where the signal is coming
418
+
419
+ from in your body, I put on another magnetic field
420
+
421
+ on top of the very homogeneous one that's called a
422
+
423
+ magnetic field gradient.
424
+
425
+ By that I mean it makes a feel stronger in
426
+
427
+ one place and weaker in another place.
428
+
429
+ What you do in order to actually get the image
430
+
431
+ that you want, the fan resolution that you need, that
432
+
433
+ you put on magnetic field gradients of different strengths, a
434
+
435
+ series of pulses.
436
+
437
+ That's why if you get an MRI machine, you're here.
438
+
439
+ Bom, bom, bom.
440
+
441
+ It's all these pulses that we're putting out with different
442
+
443
+ strengths of magnetic field, perhaps even different directions, because we
444
+
445
+ want to get a three dimensional picture of you.
446
+
447
+ You record all of these data and when you finish,
448
+
449
+ you can now use what's called Fourier transform.
450
+
451
+ It's a mathematical technique.
452
+
453
+ You can work back to how strong the signal was
454
+
455
+ in each of these voxels.
456
+
457
+ And so this is how the image is developed.
458
+
459
+ Okay.
460
+
461
+ So that was a very quick intro to.
462
+
463
+ Right.
464
+
465
+ So am I in the wrong one?
466
+
467
+ Okay, so MRI stands for magnetic resonance imaging, and we
468
+
469
+ usually use this really big magnets, scanners to to sort
470
+
471
+ of scan people to conduct this technique.
472
+
473
+ And functional MRI refers to the kind of specific scanning
474
+
475
+ that is used for measuring, you know, something that relates
476
+
477
+ to brain function.
478
+
479
+ And I what I'm going to expand as I'm going
480
+
481
+ to explain both of them.
482
+
483
+ And so how I.
484
+
485
+ It's just plain.
486
+
487
+ Old.
488
+
489
+ Okay.
490
+
491
+ Thank you for your input on my music selection.
492
+
493
+ And so in Ryan ephemera and material I'm going to
494
+
495
+ talk about a little bit later, it really changed the
496
+
497
+ game in terms of what we could do to study
498
+
499
+ the human brain.
500
+
501
+ And in the last 25 years that these techniques have
502
+
503
+ been around, we have gained a lot of understanding of
504
+
505
+ how many functions that we can only study in detail
506
+
507
+ in humans, such as potential language or some complex decision
508
+
509
+ making or, you know, metacognition and so on, how they
510
+
511
+ work and how how, how the brain represents or like
512
+
513
+ produces its functions.
514
+
515
+ And so how does an MRI what I mean to
516
+
517
+ me, it's absolutely amazing that we can look into the
518
+
519
+ people's brain and actually look into their function without even
520
+
521
+ putting anything inside.
522
+
523
+ We can just take pictures of their brains by measuring
524
+
525
+ how hydrogen atoms move, which is why I was trying
526
+
527
+ to say here.
528
+
529
+ So this is what happens.
530
+
531
+ You put the subject a the participant in a big
532
+
533
+ magnets.
534
+
535
+ The magnets and had a really, really strong magnetic field.
536
+
537
+ And to do that you need liquid helium and you
538
+
539
+ need to keep that constant all the time.
540
+
541
+ So the energy cost of doing this is quite high.
542
+
543
+ And that's why MRI is actually a really expensive technique.
544
+
545
+ And when you put a person in this big magnetic
546
+
547
+ field, as it was thought by all the sort of
548
+
549
+ elite hydrogen atoms were aligned in the same direction.
550
+
551
+ Right.
552
+
553
+ That's why you don't use trying to put them all
554
+
555
+ in the same direction.
556
+
557
+ So then when you sort of disturb them and when
558
+
559
+ a radio wave.
560
+
561
+ Right, they will sort of rotate.
562
+
563
+ When you turn that off, they're going to go back.
564
+
565
+ And when they go back, they're going to miss the
566
+
567
+ signal that you can think about sort of like a
568
+
569
+ kind of singing in a certain frequency.
570
+
571
+ You can see these electrons.
572
+
573
+ And so these hydrogen atoms are thinking in a special
574
+
575
+ frequency when they're going back to the alignment.
576
+
577
+ Right.
578
+
579
+ And that's why we're measuring now how how then can
580
+
581
+ we measure different parts of space if they're all aligned
582
+
583
+ in the same way?
584
+
585
+ That's where you introduce these gradients.
586
+
587
+ So the gradient is just changing the magnetic field slightly.
588
+
589
+ So in a way, you can think about these hydrogen
590
+
591
+ atoms sort of kind of moving and what this thing
592
+
593
+ that's going to be sent is going to be at
594
+
595
+ a different frequency.
596
+
597
+ You can think about it as thinking in a different
598
+
599
+ frequency.
600
+
601
+ So for example, if I wanted to know, you know,
602
+
603
+ how this lecture theatre was populated, but I couldn't see
604
+
605
+ it, I was in a different room.
606
+
607
+ I could just put microphones all around with different with
608
+
609
+ different frequencies and then just have a recording here.
610
+
611
+ Right.
612
+
613
+ So the guys at the very top are going to
614
+
615
+ have really low frequencies, and that's going to be a
616
+
617
+ great note here to very high frequencies.
618
+
619
+ So I'm going to go in the other room and
620
+
621
+ she's going to be recording the signals from all those
622
+
623
+ microphones when you're talking or whatever.
624
+
625
+ And by looking at the frequencies of those recordings, I'm
626
+
627
+ going to be able to exactly say who was sitting
628
+
629
+ where.
630
+
631
+ Because that's the link between frequency and space.
632
+
633
+ And that's why MRI dogs and that's why I like
634
+
635
+ to see pictures of your brain, which is amazing.
636
+
637
+ So if there's like a really strong signal at a
638
+
639
+ specific frequency, I know where it's coming from.
640
+
641
+ That part of of their image is going to look
642
+
643
+ quite bright.
644
+
645
+ And if it's a really low frequency, then it's going
646
+
647
+ to look like that.
648
+
649
+ And that's how we construct and it's really nice brain
650
+
651
+ pictures.
652
+
653
+ And so, yeah, pictures like this, for example.
654
+
655
+ Right.
656
+
657
+ So you can see and this is just a transformation
658
+
659
+ of light, really strong powers.
660
+
661
+ These things are like y by looking wide or depending
662
+
663
+ on what y your technique is, depending on the contrast.
664
+
665
+ And this the opposite for things that, you know, they
666
+
667
+ don't have that much signal.
668
+
669
+ Now this is just to get a structural image.
670
+
671
+ This just gives you a picture of the brain, right,
672
+
673
+ That doesn't link at all to brain function.
674
+
675
+ So what is it that allowed us to use functional
676
+
677
+ MRI to look at brain function?
678
+
679
+ And it is the fact that when a certain part
680
+
681
+ of the brain is active, there will be an increase
682
+
683
+ in blood flow to that part of the brain.
684
+
685
+ When there is an increase in blood flow, there's going
686
+
687
+ to be more haemoglobin, haemoglobin coming into that and that
688
+
689
+ has iron.
690
+
691
+ And it's in a sense the iron is ferromagnetic so
692
+
693
+ interferes with that magnetic field.
694
+
695
+ So by measuring how much interference there is with the
696
+
697
+ magnetic field, we can measure brain function.
698
+
699
+ But as you can see, the images and I'm sure
700
+
701
+ you hear one is the structural image to the kind
702
+
703
+ of images that we use for studying the structure of
704
+
705
+ the brain.
706
+
707
+ And this is a functional image.
708
+
709
+ It's just very low resolution because we actually want to
710
+
711
+ see.
712
+
713
+ How it changes with time.
714
+
715
+ So acquiring one of these images it takes for the
716
+
717
+ whole brain, it takes at least 5 minutes, whereas acquiring
718
+
719
+ this one could take 2 to 3 seconds depending on
720
+
721
+ what you're doing.
722
+
723
+ So we kind of compromising some of the spatial definition
724
+
725
+ to have like a better temporal resolution.
726
+
727
+ But we're still measuring blood flow, and blood flow is
728
+
729
+ quite slow.
730
+
731
+ That's why ephemeral is not a good technique for measuring
732
+
733
+ brain function.
734
+
735
+ So and you think it's no good technique for measuring
736
+
737
+ sort of Air Force temporal events is not it doesn't
738
+
739
+ have a great temporal resolution.
740
+
741
+ That being said, last week there was this really exciting
742
+
743
+ paper published where they had an MRI technique and so
744
+
745
+ milliseconds resolution now like very fast.
746
+
747
+ And it was done in animal models and it was
748
+
749
+ thought like in a single slice.
750
+
751
+ So it's not the whole brain, it's just the very
752
+
753
+ first step towards this technique.
754
+
755
+ But I think, you know, everybody in the field is
756
+
757
+ really exciting because it really looks like in a few
758
+
759
+ years, like maybe ten, 20, who knows?
760
+
761
+ We are going to have a technique that allows like
762
+
763
+ a really great temporal resolution potentially to study the human
764
+
765
+ brain as well.
766
+
767
+ And so when you get these images where you do
768
+
769
+ in the functional case and ephemera is that you take
770
+
771
+ many, many, many of them and then you compare them
772
+
773
+ across conditions.
774
+
775
+ So, for example, let's say here I will record like
776
+
777
+ lots of images do one of my goodness conditions of
778
+
779
+ my experiment, which could be it could be a memory
780
+
781
+ experiment, right?
782
+
783
+ So it could be like memorise these items.
784
+
785
+ And then I have a control condition where I just
786
+
787
+ tell people to, you know, look at them, don't memorise
788
+
789
+ them.
790
+
791
+ And then you can look at how like activity changes
792
+
793
+ across the whole brain.
794
+
795
+ Or like in here you can like look specifically into
796
+
797
+ a certain region, right?
798
+
799
+ So this region here is a few voxels, a voxel
800
+
801
+ instead of the minimal units and ephemera you can look
802
+
803
+ at as a three dimensional pixel.
804
+
805
+ And then we can average, for example, the activity through
806
+
807
+ that.
808
+
809
+ So if you look at this, the intensity in these
810
+
811
+ conditions is going to be different.
812
+
813
+ But this is something that you can't really tell, you
814
+
815
+ know, just by looking at.
816
+
817
+ And the difference is very, very small.
818
+
819
+ It's usually around, you know, between 1% to like 4%
820
+
821
+ or 10%.
822
+
823
+ Best case.
824
+
825
+ And and yeah, it's it's really small, but it is
826
+
827
+ very consistent.
828
+
829
+ So you can measure that and you can measure how
830
+
831
+ it changes.
832
+
833
+ And that's what we're doing here.
834
+
835
+ We have like these three measurements here, for example, from
836
+
837
+ that region in red, and then we compare them to
838
+
839
+ the measurements during the second condition and averages and see
840
+
841
+ this a difference in the amount of like bull's signal
842
+
843
+ in that area.
844
+
845
+ And by doing that across the whole grain, we can
846
+
847
+ come up with these statistical maps where we're showing where
848
+
849
+ in the brain there are significant differences between conditions.
850
+
851
+ Okay.
852
+
853
+ And so as I said, FEMA has brought lots of
854
+
855
+ advantages.
856
+
857
+ I think one of the really nice things is that
858
+
859
+ we can study the dynamics of the whole brain.
860
+
861
+ And, you know, that doesn't only apply to humans, but
862
+
863
+ it's also been used in animal models for this specific
864
+
865
+ purpose as well.
866
+
867
+ And after certain spends, we can understand how different parts
868
+
869
+ of the brain interact and how they form functional networks.
870
+
871
+ So we can like sort of do more complex analysis
872
+
873
+ of network dynamics and see how reaches interact under different
874
+
875
+ situations.
876
+
877
+ And you could do things that we couldn't do for
878
+
879
+ like with patients because, you know, patients essentially have some
880
+
881
+ sort of behavioural deficits.
882
+
883
+ So like there's things that they wouldn't be able to
884
+
885
+ do that we could do now because they're healthy participants.
886
+
887
+ And I'm very nicely we can think we can study
888
+
889
+ human brains, right?
890
+
891
+ We can study things that are so specific to humans
892
+
893
+ that would be difficult to study in all that and
894
+
895
+ which models.
896
+
897
+ So, for example, I study deafness and how the brain
898
+
899
+ of deaf individuals changes.
900
+
901
+ And you know, when the congenitally deaf and continues with
902
+
903
+ deafness in many cases results in a delay in language
904
+
905
+ acquisition, which then has a lot of impact on cognitive
906
+
907
+ functions as well.
908
+
909
+ So it's not that animals are not great for answering
910
+
911
+ those types of questions, so great for studying the effects
912
+
913
+ of sensory deprivation or lack of sensory experience, in this
914
+
915
+ case, a hearing and in the development of the brain
916
+
917
+ in plasticity.
918
+
919
+ And so it not so much to study what are
920
+
921
+ the impacts on cognitive processes.
922
+
923
+ And I think the best example of how we gain
924
+
925
+ from ephemera is we can do things like communicating with
926
+
927
+ patients in a coma.
928
+
929
+ And I really recommend you to look at these videos
930
+
931
+ from Agent Owen and his group where they are using
932
+
933
+ ephemera and what we know about from right.
934
+
935
+ They have been able to communicate with and with patients
936
+
937
+ that before we didn't have any insight into their entire
938
+
939
+ health status.
940
+
941
+ And so that has been a really amazing ground breaking
942
+
943
+ discovery.
944
+
945
+ So I'm not going to go into detail here right
946
+
947
+ now of time.
948
+
949
+ And there are tons of limitations, though.
950
+
951
+ And again, I think know, we have some understanding of
952
+
953
+ what the f MRI signal is.
954
+
955
+ So is this mix of like presynaptic activity and like
956
+
957
+ sort of cells firing as well.
958
+
959
+ And like, we don't know which ones it's coming from.
960
+
961
+ So you never really know what type of activity you
962
+
963
+ measure.
964
+
965
+ And you've just seen a difference in overall blood flow
966
+
967
+ in one region to the other.
968
+
969
+ So that is quite limiting.
970
+
971
+ And and again, the spatial resolution is great, you know,
972
+
973
+ like in comparison with other things.
974
+
975
+ But still, like we're looking at a bunch of cells
976
+
977
+ like and it's going to be quite hard to tell
978
+
979
+ what individual cells or small networks of self are actually
980
+
981
+ doing.
982
+
983
+ And and again, it's like this really big magnets.
984
+
985
+ So people have to stay, you know, sort of still
986
+
987
+ they can move around and that just gives limitations as
988
+
989
+ well.
990
+
991
+ I think, as some said, there's been a lot of
992
+
993
+ advances in these techniques and now we have MRI for
994
+
995
+ humans where we can measure layer specific activity.
996
+
997
+ So different layers of the and, you know, the cerebral
998
+
999
+ cortex.
1000
+
1001
+ But still, you know, that's still a lot of cells
1002
+
1003
+ and not specific.
1004
+
1005
+ Now, before we pass into other techniques, I wanted to
1006
+
1007
+ talk a little bit about this technique called functional, and
1008
+
1009
+ yet infrared spectroscopy, which works a little bit like ephemera
1010
+
1011
+ in sense that it measures changes in blood oxygenation.
1012
+
1013
+ So you have different sources of light that are attached
1014
+
1015
+ to the skull, and then you have others that you
1016
+
1017
+ use for detecting them.
1018
+
1019
+ And again, if there's a change in blood flow because
1020
+
1021
+ of haemoglobin, that will that will affect how the light
1022
+
1023
+ is reflected.
1024
+
1025
+ So you can measure changes as well.
1026
+
1027
+ Now, the spatial resolution of this technique is way worse
1028
+
1029
+ than if it were high, right?
1030
+
1031
+ Because you just only have a few seconds.
1032
+
1033
+ So why am I talking about it?
1034
+
1035
+ What would be the advantage of having this technique?
1036
+
1037
+ Why do you think?
1038
+
1039
+ Any ideas?
1040
+
1041
+ Yeah.
1042
+
1043
+ Yeah.
1044
+
1045
+ So exciting.
1046
+
1047
+ So one of the advantages that you don't need is
1048
+
1049
+ a big piece of equipment and is way more mobile.
1050
+
1051
+ Yeah.
1052
+
1053
+ People.
1054
+
1055
+ But you were always trying to.
1056
+
1057
+ Are you?
1058
+
1059
+ So hospital?
1060
+
1061
+ Yeah, exactly.
1062
+
1063
+ They don't have to be like in a specific lab
1064
+
1065
+ as well, although many cases are.
1066
+
1067
+ That is exactly that is one of the advantages.
1068
+
1069
+ So you're sacrificing some spatial resolution to actually be able
1070
+
1071
+ to do things like, you know, study people moving around
1072
+
1073
+ or like study children that are not going to be
1074
+
1075
+ staying very still in an MRI scanner.
1076
+
1077
+ And I think these are the kind of decisions that
1078
+
1079
+ we as scientists need to make, as we want to
1080
+
1081
+ learn about something, we're going to discover something about specific
1082
+
1083
+ behaviour, about the brain.
1084
+
1085
+ What's what is the best approach for doing this, given
1086
+
1087
+ the options that I have?
1088
+
1089
+ So in cases where you want to study brain function
1090
+
1091
+ in children, for example, or for example here where you
1092
+
1093
+ want to sort of like study people interacting and moving
1094
+
1095
+ around the environment, then obviously it's is going to be
1096
+
1097
+ a better technique that if I'm right.
1098
+
1099
+ Um, okay, so there are other techniques that are kind
1100
+
1101
+ of the opposite of around some that they have great
1102
+
1103
+ temporal resolution but not so good spatial resolution.
1104
+
1105
+ And those are magnetic photography and electroencephalography and energy and
1106
+
1107
+ energy.
1108
+
1109
+ So EEG have been around for a, for ages and
1110
+
1111
+ that was kind of the main technique that was used
1112
+
1113
+ to study the human brain in sort of healthy individuals
1114
+
1115
+ before any CnF MRI arrive other than just behavioural studies,
1116
+
1117
+ of course.
1118
+
1119
+ And so how do they what that means?
1120
+
1121
+ Just yeah, Okay.
1122
+
1123
+ So if you have a group of neurones, let's say
1124
+
1125
+ a line like it will be the case in the
1126
+
1127
+ cortex, they will have like went in different conditions but
1128
+
1129
+ actually they will have these currents moving in one direction.
1130
+
1131
+ Right.
1132
+
1133
+ And that is what generates EEG signal.
1134
+
1135
+ That's like the actual electrical activity.
1136
+
1137
+ And at the same time there will be a magnetic
1138
+
1139
+ field form surround that current that has gone in one
1140
+
1141
+ direction.
1142
+
1143
+ And that's why you can detect with energy.
1144
+
1145
+ And I think where you can see the main difference
1146
+
1147
+ in this really retro slide that I call it, because
1148
+
1149
+ it just happens quite clearly is that if you have
1150
+
1151
+ this current here, like in the case of ETI, it
1152
+
1153
+ doesn't go like and in sort of predictable way into
1154
+
1155
+ the skull because there is like, you know, sort of
1156
+
1157
+ bones and other tissues and liquid and so on, it
1158
+
1159
+ kind of deteriorates in a way that is quite difficult
1160
+
1161
+ to understand where it's coming from.
1162
+
1163
+ So you can still measure it here, but it's hard
1164
+
1165
+ to say where it's coming from.
1166
+
1167
+ And that's why EEG has a pretty bad spatial resolution
1168
+
1169
+ for energy.
1170
+
1171
+ This is much better because it is somehow more predictable
1172
+
1173
+ but still difficult to understand where exactly in the brain
1174
+
1175
+ this these signals are generated from.
1176
+
1177
+ And there's been a lot of work in trying to
1178
+
1179
+ do that.
1180
+
1181
+ And there have been some advantages based like kind of
1182
+
1183
+ I mean, when you talk to people that try to
1184
+
1185
+ understand this and try to sort of generate models of
1186
+
1187
+ where signals are coming from an EEG, and they basically
1188
+
1189
+ say this is an impossible problem to solve.
1190
+
1191
+ Like, you know, we can have like a really good
1192
+
1193
+ like closed solution as possible, but there's always going to
1194
+
1195
+ be a few different options.
1196
+
1197
+ So you're going to have to make decisions in terms
1198
+
1199
+ of how that now vanishes.
1200
+
1201
+ There's that that because I mentioned electrical activity, basically, you
1202
+
1203
+ know, this is direct recording of electrical activity, of neurones
1204
+
1205
+ firing or the magnetic field is generated and the temporal
1206
+
1207
+ resolution is excellent.
1208
+
1209
+ So again, you might want to try to understand what
1210
+
1211
+ experiments you want to do and whether, you know, this
1212
+
1213
+ technique is the best.
1214
+
1215
+ One of these techniques is by a technique that MRI,
1216
+
1217
+ for example.
1218
+
1219
+ And so I think I just want to show you
1220
+
1221
+ again, you can see there's a real difference in set
1222
+
1223
+ up here as well.
1224
+
1225
+ So energy, again, has like this really big machine, huge
1226
+
1227
+ magnetic field.
1228
+
1229
+ There has to be sort of maintain you could helium.
1230
+
1231
+ So again, quite expensive, but it now has to stay
1232
+
1233
+ really, really still whereas EEG is quite portable.
1234
+
1235
+ You know you can have a cap it's way cheaper
1236
+
1237
+ as well.
1238
+
1239
+ So trust me, you took my meds, you were like
1240
+
1241
+ the v0y is the best thing that I could do.
1242
+
1243
+ And then you have limitations of what your budget is
1244
+
1245
+ as well.
1246
+
1247
+ So, you know, that comes into it as well.
1248
+
1249
+ And so sometimes you might want to use one or
1250
+
1251
+ the other.
1252
+
1253
+ And I kind of did this sort of comparison here
1254
+
1255
+ to show you what are some of those things that
1256
+
1257
+ you will have to take into account.
1258
+
1259
+ So they both have excellent temporary solution, but similarly, they
1260
+
1261
+ both have problematic spatial resolution, although as I say, energy
1262
+
1263
+ is way better, right?
1264
+
1265
+ However, it is way more expensive and participants have to
1266
+
1267
+ stay very, very still.
1268
+
1269
+ I would say that applies to each year to some
1270
+
1271
+ extent as well, but potentially less and the sense.
1272
+
1273
+ US.
1274
+
1275
+ I'm in this big machine and that sort of how
1276
+
1277
+ the people haven't thought.
1278
+
1279
+ So you can't really move around.
1280
+
1281
+ So you need this special lab as well.
1282
+
1283
+ Whereas EEG is way more but more mobile and that
1284
+
1285
+ spatial resolution is was.
1286
+
1287
+ And I think it's also is good to take into
1288
+
1289
+ account that the signals come from different places as well.
1290
+
1291
+ So I'm not going to go into that.
1292
+
1293
+ But there are differences in where they're generated as well.
1294
+
1295
+ And and I think what is really nice as well
1296
+
1297
+ is that right now here at UCL in Queen Square,
1298
+
1299
+ in collaboration with all the labs in the UK, there
1300
+
1301
+ are developments to do with some portable e.g. such as
1302
+
1303
+ have like a few sensors that potentially measure brain activity
1304
+
1305
+ in a specific part of the brain so that people
1306
+
1307
+ can be more mobile and potentially have this much better
1308
+
1309
+ temporal resolution, so much better spatial resolution with this really
1310
+
1311
+ good temporal resolution as well.
1312
+
1313
+ And so I think this is the main so summary
1314
+
1315
+ of things that you can use for measuring brain activity
1316
+
1317
+ in humans.
1318
+
1319
+ I would really recommend you to watch all of these
1320
+
1321
+ videos, professors from our department talk more about these techniques.
1322
+
1323
+ And I think more once there's this is not an
1324
+
1325
+ extensive coverage of all the techniques that you can use
1326
+
1327
+ to study brain behaviour is more just to give you
1328
+
1329
+ a flavour of why the possibilities are and what are
1330
+
1331
+ some of the considerations that you have to take into
1332
+
1333
+ account when choosing one of those techniques?
1334
+
1335
+ So I'm going to pass to some now.
1336
+
1337
+ So it's going to be nice.
1338
+
1339
+ So the structure of this session is a little bit
1340
+
1341
+ maybe obscure for you.
1342
+
1343
+ Just to make clear why Bailey is talking about some
1344
+
1345
+ things that I'm talking about.
1346
+
1347
+ Other things is a video works on humans, particularly if
1348
+
1349
+ humans.
1350
+
1351
+ But I was always it's not quite always exclusively.
1352
+
1353
+ I grew up as a scientist working on primates, non-human
1354
+
1355
+ primates.
1356
+
1357
+ Both macaque monkeys and marmoset monkeys.
1358
+
1359
+ And I then moved when I moved to UCLA.
1360
+
1361
+ One of the reasons I moved here is that you
1362
+
1363
+ is basically the world centre of focus.
1364
+
1365
+ But for trying to understand the massive small world they
1366
+
1367
+ introduced in the last week.
1368
+
1369
+ Writing about half of France €70 million.
1370
+
1371
+ So the question I would like to pursue is what
1372
+
1373
+ I want you to think about.
1374
+
1375
+ Why would I choose to study animals?
1376
+
1377
+ And if I'm studying animals, including mine, which seems to
1378
+
1379
+ be so different from.
1380
+
1381
+ Why that I'm in the experimental psychology department.
1382
+
1383
+ Not only can I keep ahead of the problem.
1384
+
1385
+ So I'd like to then explain to you why I
1386
+
1387
+ find this such a beautiful experimental technique.
1388
+
1389
+ It's really exploded over the last ten years or so.
1390
+
1391
+ I'm going to introduce you to some of those techniques
1392
+
1393
+ that are really appropriate for the last ten years, and
1394
+
1395
+ we will be going into those in more detail.
1396
+
1397
+ We've actually.
1398
+
1399
+ But basically the reason we use animals or the reason
1400
+
1401
+ we turned out in some kind to understand why we
1402
+
1403
+ make based from them.
1404
+
1405
+ By that I mean that we can and.
1406
+
1407
+ Make small holes in their brain and introduce devices that
1408
+
1409
+ we can then use to measure cellular function in those
1410
+
1411
+ apple.
1412
+
1413
+ We can never be able to cover.
1414
+
1415
+ Study.
1416
+
1417
+ Study.
1418
+
1419
+ So.
1420
+
1421
+ But why do my people wear what I love about
1422
+
1423
+ Merhi?
1424
+
1425
+ Even in the best case scenario, one includes something like
1426
+
1427
+ $100,000.
1428
+
1429
+ But we can look at the active.
1430
+
1431
+ You need to be in the range and find out
1432
+
1433
+ how that could be.
1434
+
1435
+ That single macro might relate to cognitive functions.
1436
+
1437
+ If the animals, the kinds of things that do have
1438
+
1439
+ probably going to be very.
1440
+
1441
+ For example, we're in the very early parts of the
1442
+
1443
+ program.
1444
+
1445
+ People that critics are similarly enamoured with.
1446
+
1447
+ That makes me wonder.
1448
+
1449
+ I mean.
1450
+
1451
+ And I think we can learn a lot about how
1452
+
1453
+ we see or hear, or at least the signals that
1454
+
1455
+ come from that is or is at the centre of
1456
+
1457
+ the brain.
1458
+
1459
+ It's less clear how much we can learn about cognitive
1460
+
1461
+ structure thought, for example, by studying animals.
1462
+
1463
+ So it is when meant when we're measuring in invasively
1464
+
1465
+ would not be very limited circumstances that if we have
1466
+
1467
+ time we'll get back to at the end of this
1468
+
1469
+ lecture able to make these recordings from humans and he's
1470
+
1471
+ already introduced electroencephalogram or EEG.
1472
+
1473
+ That's a scalp based measurement, something that's non-invasive.
1474
+
1475
+ All the other things here, invasive measures, we might measure
1476
+
1477
+ the electrocardiogram, this liquid surface dura between the scalp and
1478
+
1479
+ the brain measuring almost directly neurones line underneath the electrodes.
1480
+
1481
+ Or we could use a little invasive, like a little
1482
+
1483
+ piece of silicon.
1484
+
1485
+ Let it be inserted into the brain first.
1486
+
1487
+ Slowly.
1488
+
1489
+ And located a particular point in the brain.
1490
+
1491
+ These have different spatial scales of measurement.
1492
+
1493
+ Electrocardiogram from each of the electrodes from the surface of
1494
+
1495
+ the brain, intermediate between B, g, and something else.
1496
+
1497
+ So maybe it measures that mm accumulated the brain issue.
1498
+
1499
+ The local feel and the electric car they find at
1500
+
1501
+ the end of one of the electrons moving about the
1502
+
1503
+ activity of about maybe half of their brain tissue.
1504
+
1505
+ And then if your electrodes, these little wires on fit
1506
+
1507
+ have been made well enough, you can actually start to
1508
+
1509
+ see the.
1510
+
1511
+ Speaking to people there for 2022 that you that in
1512
+
1513
+ the next slide we call those things spikes.
1514
+
1515
+ So this might be the signal that you would you
1516
+
1517
+ would acquire from one of the white actor to.
1518
+
1519
+ And the top.
1520
+
1521
+ This is 3 to 3 traces of the same trace.
1522
+
1523
+ On the top is what we would estimate as the
1524
+
1525
+ local fuel potential.
1526
+
1527
+ That's the sum that at the end of the start
1528
+
1529
+ to activity between the records and the ground, my whole
1530
+
1531
+ area.
1532
+
1533
+ And you can see that normally it's a local film
1534
+
1535
+ that was varying fairly slowly as the red line traces
1536
+
1537
+ out some of the slow fluctuations.
1538
+
1539
+ It's traced maybe a second or 3 seconds long.
1540
+
1541
+ And you can see that it is dominated by these
1542
+
1543
+ two things that are going.
1544
+
1545
+ But it would be very gratifying to deal with these
1546
+
1547
+ fluctuations if we then are able to look at those
1548
+
1549
+ little rapid events and those are indicated by the red
1550
+
1551
+ dots here.
1552
+
1553
+ We will see that they are the extracellular signal of
1554
+
1555
+ the action that we discussed in the last lecture.
1556
+
1557
+ How next?
1558
+
1559
+ Looks like from outside the city mirror.
1560
+
1561
+ There's not quite.
1562
+
1563
+ Now because his electrode is still quite large and there's
1564
+
1565
+ many cells around the end of those action potentials will
1566
+
1567
+ come from one another.
1568
+
1569
+ It doesn't really look.
1570
+
1571
+ Really?
1572
+
1573
+ Okay.
1574
+
1575
+ This better here.
1576
+
1577
+ Okay, I'll do that.
1578
+
1579
+ Thank you.
1580
+
1581
+ So the point to hear the difference down here, sir.
1582
+
1583
+ Thank you for that.
1584
+
1585
+ Each of each of those made.
1586
+
1587
+ It is like five or ten nerve cells around the
1588
+
1589
+ tip of the electrode.
1590
+
1591
+ Each of them are producing action potentials occasionally.
1592
+
1593
+ Often you cannot distinguish between the shapes of the action
1594
+
1595
+ potentials.
1596
+
1597
+ Just find your own one on your own.
1598
+
1599
+ Two on your own.
1600
+
1601
+ Three on your own.
1602
+
1603
+ For.
1604
+
1605
+ So we can combine these action potentials and say, well,
1606
+
1607
+ they're coming from single nerve cells.
1608
+
1609
+ It's just a few of them.
1610
+
1611
+ Five or ten of those may be in the local
1612
+
1613
+ area.
1614
+
1615
+ And therefore, we would call this activity the multi-unit activity.
1616
+
1617
+ So there's multiple units.
1618
+
1619
+ And by the way, you will come across this word
1620
+
1621
+ unit quite frequently in this course.
1622
+
1623
+ That just means a nerve cell in the brain recorded
1624
+
1625
+ in this way.
1626
+
1627
+ But sometimes if the electorate really is really nice and
1628
+
1629
+ it's really close to the so some of her neurones
1630
+
1631
+ in the brain tissue, you see a reproducible waveform.
1632
+
1633
+ Looks the same every time you identify in the recording
1634
+
1635
+ and that we would call single unit activity the activity
1636
+
1637
+ of a single nerve cell, the same nerve cell on
1638
+
1639
+ each turn, so able to record with this piece of
1640
+
1641
+ wire or multiple pieces of wire.
1642
+
1643
+ The activity of these nerve cells in the whole living
1644
+
1645
+ brain, in animals that are awake, behaving, even moving around
1646
+
1647
+ all environments.
1648
+
1649
+ So we can.
1650
+
1651
+ I think that this technique, which has been around now
1652
+
1653
+ for several decades, try to recall the activity of nerve
1654
+
1655
+ cells in the brain.
1656
+
1657
+ Oops.
1658
+
1659
+ This video shows you a video from the laboratory of
1660
+
1661
+ Torsten Wiesel and David Hubel trained maybe 50 years ago.
1662
+
1663
+ They won the Nobel Prize for these recordings.
1664
+
1665
+ These videos are hard to find, so I'd like to
1666
+
1667
+ show it here.
1668
+
1669
+ You're going to hear you can actually play those phrases
1670
+
1671
+ I showed you through an audio speaker and you can
1672
+
1673
+ actually listen to the action potentials that are being fired
1674
+
1675
+ by neurone.
1676
+
1677
+ In this case, they're recording from the visual cortex of
1678
+
1679
+ a cat.
1680
+
1681
+ And they're able to work out what this neurone is
1682
+
1683
+ saying by presenting different visual stimuli.
1684
+
1685
+ And you'll be able to see that during the course
1686
+
1687
+ of this video.
1688
+
1689
+ Well, you can hear the.
1690
+
1691
+ As I continue to continue to find.
1692
+
1693
+ What they're doing is they're going to the frontier now
1694
+
1695
+ where it's going to have to be a little crazy
1696
+
1697
+ for these things to be generated.
1698
+
1699
+ Reporter But this is a receptive field.
1700
+
1701
+ Getting into that.
1702
+
1703
+ And this particular unit is selected for the director most
1704
+
1705
+ of the time and.
1706
+
1707
+ Academic Congressional.
1708
+
1709
+ Important political orientation of the.
1710
+
1711
+ So that video just shows you you can use this
1712
+
1713
+ technique to see that these nerve cells in the visual
1714
+
1715
+ cortex are selective with the orientation, the motion direction of
1716
+
1717
+ of a visual stimulus.
1718
+
1719
+ And that's why they won the Nobel Prize.
1720
+
1721
+ By using this technique, you would not have been able
1722
+
1723
+ to determine that if you looked at the MRI signal,
1724
+
1725
+ which is something over hundreds of thousands of nerve cells.
1726
+
1727
+ You have to look at individual nerve cells to be
1728
+
1729
+ able to work that out.
1730
+
1731
+ Oops.
1732
+
1733
+ So the ultimate goal of all this new activity is
1734
+
1735
+ to control behaviour.
1736
+
1737
+ And I said that there were some limited circumstances in
1738
+
1739
+ which we could make these measurements in humans, including people,
1740
+
1741
+ for example, who are suffering from epilepsy, where we need
1742
+
1743
+ to measure from the brain to work out whereabouts the
1744
+
1745
+ surgical intervention could take place.
1746
+
1747
+ It also includes from people who in this case are
1748
+
1749
+ suffering from paraplegia, automatically paralysis.
1750
+
1751
+ Where the hope is that we recording the activity of
1752
+
1753
+ ourselves.
1754
+
1755
+ Cells will be able to help them regain function of
1756
+
1757
+ a robotic limb.
1758
+
1759
+ You have to effectively take what their brain, which is
1760
+
1761
+ still intact, is sending the signals that are sending and
1762
+
1763
+ use that to control something that we can then help
1764
+
1765
+ them move around the world.
1766
+
1767
+ In this particular case, these devices, which are often called
1768
+
1769
+ utile rays, which we have used in animals, I've never
1770
+
1771
+ used them in humans.
1772
+
1773
+ They were developed from being used in humans, have been
1774
+
1775
+ implanted in little part of the brain for the motor
1776
+
1777
+ cortex, which is important in generating movements.
1778
+
1779
+ And we'll get that in about two weeks time.
1780
+
1781
+ I just wanted to show you this video briefly because
1782
+
1783
+ it's incredibly evocative, like the Parkinson's video we watched the
1784
+
1785
+ other week and say to you, when we know how
1786
+
1787
+ we can interpret the signals and nerve cells, how powerful
1788
+
1789
+ that can be.
1790
+
1791
+ In this paper to people with Tetra and as two
1792
+
1793
+ people who were unable to move their arms or legs
1794
+
1795
+ in any functional, useful way, were able to control a
1796
+
1797
+ prosthetic or a robotic arm simply by thinking about the
1798
+
1799
+ movement of their own paralysed hand.
1800
+
1801
+ And they did that using the investigational BrainGate neural interface
1802
+
1803
+ system.
1804
+
1805
+ So they thought about using their own arm and hand
1806
+
1807
+ as though they were reaching out themselves with their own
1808
+
1809
+ limb.
1810
+
1811
+ And the robotic arm moved much the way their own
1812
+
1813
+ arm would have moved.
1814
+
1815
+ One of the longstanding questions not only in neuroscience but
1816
+
1817
+ in neuro rehabilitation, is whether the cells in the motor
1818
+
1819
+ cortex and other parts of the brain, whether they continue
1820
+
1821
+ to function the same way years after that original injury.
1822
+
1823
+ It is possible for people to use their thoughts to
1824
+
1825
+ control devices, either a computer or a robotic arm.
1826
+
1827
+ The way that happens is that we implant a tiny
1828
+
1829
+ sensor just about the size of a baby aspirin just
1830
+
1831
+ into the surface of the brain, and that sensor pick
1832
+
1833
+ up the electrical impulses from a bunch of neurones.
1834
+
1835
+ And each of those neurones are like radio broadcast towers
1836
+
1837
+ putting out impulses.
1838
+
1839
+ And when they get to the outside, the computer translated
1840
+
1841
+ converts the pattern of pulses into something that is a
1842
+
1843
+ command.
1844
+
1845
+ One of our participants was able to do something that
1846
+
1847
+ when all of a sort for the first time gave
1848
+
1849
+ us all pause.
1850
+
1851
+ She reached out with the robotic arm.
1852
+
1853
+ She thought about the use of her own hand.
1854
+
1855
+ She picked up that thermos of coffee, brought it close
1856
+
1857
+ to her, tilted it towards herself, and sipped coffee from
1858
+
1859
+ a straw.
1860
+
1861
+ That was the first time in nearly 15 years that
1862
+
1863
+ she had picked up anything and been able to drink
1864
+
1865
+ from it solely of her own volition.
1866
+
1867
+ There was a moment of true joy, true happiness.
1868
+
1869
+ I mean, it was beyond the fact that it was
1870
+
1871
+ an accomplishment.
1872
+
1873
+ I think an important advance in the entire field.
1874
+
1875
+ So I want to say that because actually that work
1876
+
1877
+ has, as we'll go into it next week, based on
1878
+
1879
+ the foundation of recording from these individual nerve cells or
1880
+
1881
+ small groups of them, in this case, maybe 50 or
1882
+
1883
+ 100 nerve cells from the motor cortex.
1884
+
1885
+ And because we know what those individual nerve cells are
1886
+
1887
+ doing, and because we can record them simultaneously with these
1888
+
1889
+ kinds of devices, we can infer what the signal is
1890
+
1891
+ that she was trying to send her now arms at.
1892
+
1893
+ And now she's now disconnected from because she has paraplegia.
1894
+
1895
+ And because we were able to look at those individual
1896
+
1897
+ nerve cells, we can interpret that signal in ways that
1898
+
1899
+ is able to involve a prosthetic limb.
1900
+
1901
+ Now, when we when that device came out into the
1902
+
1903
+ market about 15 years ago, it seemed like a game
1904
+
1905
+ changer move from one electrode to 100 electrodes.
1906
+
1907
+ Well, recently and this is work from Nick Steinmetz and
1908
+
1909
+ colleagues from just across the road here.
1910
+
1911
+ We've developed new devices that can actually record from thousands
1912
+
1913
+ of neurones.
1914
+
1915
+ At the same time.
1916
+
1917
+ These are sometimes called neuro pixel devices.
1918
+
1919
+ We use these routinely.
1920
+
1921
+ Most people, many people use they'll now use these routinely.
1922
+
1923
+ We can record from multiple brain areas.
1924
+
1925
+ Sometimes the individual nerve cells, in each case a groups
1926
+
1927
+ of them within each of these brain areas.
1928
+
1929
+ And I don't want you to try and understand what's
1930
+
1931
+ on this line in terms of signals and measuring.
1932
+
1933
+ But the point is that we can start to interpret
1934
+
1935
+ how individual nerve cells across the brain are working together
1936
+
1937
+ to make cognitive decisions in these small animals lives which
1938
+
1939
+ share some of our brain capacity.
1940
+
1941
+ The other technique that you'll be exposed to over the
1942
+
1943
+ next few weeks is called calcium imaging.
1944
+
1945
+ I won't again, I won't take you through this in
1946
+
1947
+ any great detail.
1948
+
1949
+ It relies on the fact that every time an action
1950
+
1951
+ potentially is produced, I've talked to you about how sodium
1952
+
1953
+ ions come flexing into the cell.
1954
+
1955
+ There's also a little thing called calcium line to become
1956
+
1957
+ flexing in the cell.
1958
+
1959
+ And by designing particular molecules to sense the presence of
1960
+
1961
+ those calcium lines and make line signals dependent on how
1962
+
1963
+ many calcium lines are present, we can actually engage with
1964
+
1965
+ light the internal activity of so many cells at once.
1966
+
1967
+ We make injections or use animals of being transgenic engineered
1968
+
1969
+ to express these little proteins in many cells in the
1970
+
1971
+ cortex.
1972
+
1973
+ And we can use funky little microscopes or very large
1974
+
1975
+ ones, actually very expensive ones, to try and image the
1976
+
1977
+ activity of those cells in the brain without, in this
1978
+
1979
+ case, electrodes rather, using light to record the activity of
1980
+
1981
+ these nerve cells.
1982
+
1983
+ And this particular technique has a visual advantage with electrical
1984
+
1985
+ recordings.
1986
+
1987
+ We can't work out which cell we were recording from.
1988
+
1989
+ We know it was a single cell, but we don't
1990
+
1991
+ know which side it was.
1992
+
1993
+ But with calcium imaging, with imaging the brain, we actually
1994
+
1995
+ know which cell produced the activity.
1996
+
1997
+ We can take the brain down the animal after the
1998
+
1999
+ experiment, having killed the animal and then remove the brain.
2000
+
2001
+ And then we can process the brain tissue in particular
2002
+
2003
+ ways that allows us to look at the anatomical structure
2004
+
2005
+ of that brain circuit so we can take this functional
2006
+
2007
+ activity is activity recorded in, say, a hundred neurones in
2008
+
2009
+ a particular part of the brain and relate it to
2010
+
2011
+ the structural connections between those neurones and between those neurones
2012
+
2013
+ and the rest of the brain is not to bring
2014
+
2015
+ together.
2016
+
2017
+ Finally, how does individual nerve cells work together in a
2018
+
2019
+ circuit to provide cognitive function?
2020
+
2021
+ So that's why I'm interested in studying animals, because I
2022
+
2023
+ think that it's only by looking at the real structure,
2024
+
2025
+ the size structure of new activity in these circuits that
2026
+
2027
+ we'll understand the structure of cognition.
2028
+
2029
+ Now, I think they might disagree and say that animals
2030
+
2031
+ don't have interesting enough cognitive functions to allow us to
2032
+
2033
+ make much inference about humans.
2034
+
2035
+ But I hope that there will be some intersection between
2036
+
2037
+ those two things where we can actually find some cognitive
2038
+
2039
+ function in animals that we find interesting as humans, and
2040
+
2041
+ where we can understand the neural circuits that actually allow
2042
+
2043
+ that cognitive function.
2044
+
2045
+ So that's the span of the different techniques that we
2046
+
2047
+ might come across in this course.
2048
+
2049
+ The next election will be about how we can apply
2050
+
2051
+ some of these to, for example, rehabilitation.
2052
+
2053
+ And then after that, from next week onward, movies are
2054
+
2055
+ about specific systems, specific pathways for the brain.
2056
+
2057
+ We better wrap it up there as as was last
2058
+
2059
+ week, and you lead by this talk as well so
2060
+
2061
+ we can.
2062
+
2063
+ Thanks, everyone.
2064
+
2065
+ During.
2066
+
2067
+ Hi.
2068
+
2069
+ Hi.
2070
+
2071
+ Yeah.
2072
+
2073
+ Yeah, I know.
2074
+
2075
+ I worked that out this morning.
2076
+
2077
+ You think?
2078
+
2079
+ Yes, I'll do that.
2080
+
2081
+ Thanks for reminding me.
2082
+
2083
+ Like mom and.
2084
+
2085
+ Dad.
2086
+
2087
+ Oh, fantastic.
2088
+
2089
+ Love to see that.
2090
+
2091
+ Yes.
2092
+
2093
+ Good.
2094
+
2095
+ All right, well, I'll send those things to you today.
2096
+
2097
+ Anything else?
2098
+
2099
+ Not at the moment, I think.
2100
+
2101
+ Thanks.
2102
+
2103
+ I know at the amount of money.
2104
+
2105
+ Tucker Carlson get.
2106
+
2107
+ At the end of last week, they spoke briefly and
2108
+
2109
+ say how he's doing.
2110
+
2111
+ Yeah, I just want to know that we know from.
2112
+
2113
+ I can't blame the people.
2114
+
2115
+ Who are involved in the rescue issue.
2116
+
2117
+ In 1945.
2118
+
2119
+ Clinical Psychology.
2120
+
2121
+ I think having different people on the floor.
2122
+
2123
+ If you if you get.
2124
+
2125
+ I don't get the story.
2126
+
2127
+ I didn't.
2128
+
2129
+ I didn't.
2130
+
2131
+ Pretty promptly.
2132
+
2133
+ It's getting better.
2134
+
2135
+ I found last week because I'm given a lecture and
2136
+
2137
+ I live next to my two or three years.
2138
+
2139
+ Pacing was completely wrong.
2140
+
2141
+ Yeah, I know that.
2142
+
2143
+ She goes.
2144
+
2145
+ Is getting inadequate lecture fees?
2146
+
2147
+ Yes.
2148
+
2149
+ Down here.
2150
+
2151
+ Yeah.
2152
+
2153
+ I knew about luck.
2154
+
2155
+ Because the natural instinct is to end up that way.
2156
+
2157
+ Yeah.
2158
+
2159
+ Last week Hobson did it, and it's a week away
2160
+
2161
+ from doing it.
2162
+
2163
+ That's right.
2164
+
2165
+ There's no reason show will be the best.
2166
+
2167
+ But.
2168
+
2169
+ Oh, come into right now.
2170
+
2171
+ He's like, friend.
2172
+
2173
+ We think.
2174
+
2175
+ That there.
2176
+
2177
+ 41.
2178
+
2179
+ Former.
2180
+
2181
+ Better.
2182
+
2183
+ It's been more than a game.
2184
+
2185
+ She.
2186
+
2187
+ Can.
2188
+
2189
+ But.
2190
+
2191
+ You.
2192
+
2193
+ Life.
2194
+
2195
+ Yeah.
2196
+
2197
+ So that was the thing that I think everybody.
2198
+
2199
+ That.
2200
+
2201
+ Great.
2202
+
2203
+ And you?
2204
+
2205
+ I want to point out.
2206
+
2207
+ Thank.
2208
+
2209
+ I didn't.
2210
+
2211
+ So.
2212
+
2213
+ So.
2214
+
2215
+ Okay.
raw_transcripts/lecture_6.txt ADDED
@@ -0,0 +1,1919 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Hi, everyone.
2
+
3
+ Do you hear me?
4
+
5
+ Do you hear me?
6
+
7
+ Okay.
8
+
9
+ Hi, everyone.
10
+
11
+ If you can take your seats and settle down, I
12
+
13
+ can.
14
+
15
+ Make some concessions.
16
+
17
+ Okay.
18
+
19
+ So today we're going to talk about technologies to treat
20
+
21
+ neuro disorders.
22
+
23
+ And this is kind of a follow up of this
24
+
25
+ week's series of lectures, which is about kind of methods
26
+
27
+ and techniques that are used for neuroscience in general brain
28
+
29
+ and behaviour.
30
+
31
+ So just a bit about myself.
32
+
33
+ I actually started off as an engineer, which is probably
34
+
35
+ why they picked me to take this lecture so I
36
+
37
+ can talk a bit more details about that stuff, but
38
+
39
+ you won't be examined on that anyway, so.
40
+
41
+ Okay, so how can we use technology to treat neuro
42
+
43
+ disorders?
44
+
45
+ There's basically three main ways in which we can try
46
+
47
+ and get at this kind of three broad categories.
48
+
49
+ One is to use it to read from neurones.
50
+
51
+ So this is something where you can use prosthetic devices
52
+
53
+ that are controlled by interpreting neural activity or something like
54
+
55
+ that.
56
+
57
+ The second is to actually write to neurones.
58
+
59
+ This is something where we try and look at something
60
+
61
+ that's happening in the external world and try and write
62
+
63
+ into right to the subject's brain directly.
64
+
65
+ And the third is to actually just use it to
66
+
67
+ control abnormal activity.
68
+
69
+ So this is something where we have something like a
70
+
71
+ pacemaker to control abnormal brain activity.
72
+
73
+ So I'll cover these three during this lecture, mainly focusing
74
+
75
+ on the first two.
76
+
77
+ So in terms of the first one, you might have.
78
+
79
+ So if you're trying to read from neurones, there's three
80
+
81
+ kind of stages to it in general.
82
+
83
+ The first thing is we need to be able to
84
+
85
+ observe neural activity.
86
+
87
+ So what's happening in the brain?
88
+
89
+ You want to try and read that first, interpret this
90
+
91
+ activity, to try to understand, well, what's happened, what's the
92
+
93
+ kind of process that the individual or the subject is
94
+
95
+ trying to do?
96
+
97
+ And finally, then control or manipulate an external device.
98
+
99
+ So in general, the last bit, which is about controlling
100
+
101
+ and manipulating external devices, is more of an engineering problem.
102
+
103
+ So we're not going to get into that.
104
+
105
+ The main focus is going to be on observing neural
106
+
107
+ activity, which is something where you need a recording device
108
+
109
+ and this is kind of using neuroscience to try and
110
+
111
+ develop these ones.
112
+
113
+ And then we need to understand this by using some
114
+
115
+ kind of computational approaches and in combination with an understanding
116
+
117
+ of what the brain is doing.
118
+
119
+ Okay.
120
+
121
+ So what type of activity can actually be used?
122
+
123
+ I mean, when I talk about observing neural activity.
124
+
125
+ So this is something you might have covered, Sam Solomon
126
+
127
+ would have covered in the previous lecture.
128
+
129
+ The first thing is something like recording spiking activity, which
130
+
131
+ is the firing of action potentials across a population of
132
+
133
+ neurones.
134
+
135
+ This could be either by implanting electrodes into the brain
136
+
137
+ or reading from peripheral nerves in around the body.
138
+
139
+ Another technique that could be used is ephemeral, kind of.
140
+
141
+ Briefly touch upon that.
142
+
143
+ And finally, something that's broader at a larger scale is
144
+
145
+ using things like brain oscillations or EEG.
146
+
147
+ So electro echo or electro cortical grabs, which is something
148
+
149
+ that Sam would have covered, but it's something where we've
150
+
151
+ kind of got either an external device or something like
152
+
153
+ a.
154
+
155
+ Cat.
156
+
157
+ That's recording oscillations still.
158
+
159
+ How do we then use it to how do we
160
+
161
+ interpret the activity and control a device?
162
+
163
+ So a third of it, the broadest device, which is
164
+
165
+ the EEG, it's a non-invasive technique.
166
+
167
+ So what we record is neural oscillations.
168
+
169
+ These are brainwaves or from large regions of the brain.
170
+
171
+ So as you can see this, it's just a.
172
+
173
+ Cat which.
174
+
175
+ Is looking at different.
176
+
177
+ There's multiple electrons placed across the across the head.
178
+
179
+ And you just basically looking at the electrical activity around
180
+
181
+ that, around each of those points and using that, you
182
+
183
+ can slightly localise what's happening in the brain.
184
+
185
+ So what we can actually interpret is quite coarse because
186
+
187
+ it's kind of recording from large regions of the brain.
188
+
189
+ It's not something we can get very specific information about,
190
+
191
+ but kind of contrasting activities between different regions is something
192
+
193
+ like left versus right side of the head or the
194
+
195
+ front in the back.
196
+
197
+ And so given that it's very coarse measurement, what we
198
+
199
+ can actually do is get very coarse control over things.
200
+
201
+ So you can get something like you can get yes,
202
+
203
+ nuances or something where you can move forward or move
204
+
205
+ backwards and so on.
206
+
207
+ So that is going to show an example of this
208
+
209
+ in action.
210
+
211
+ So this lecture is going to have a lot of
212
+
213
+ videos because I think the best way to actually see
214
+
215
+ what's happening, it's quite dramatic.
216
+
217
+ But something.
218
+
219
+ Like 50 different.
220
+
221
+ Countries in the Middle East.
222
+
223
+ Okay.
224
+
225
+ So as you can see, this subject is able to
226
+
227
+ control the wheelchair based on this new act, based on
228
+
229
+ this age group that is thinking about something or based
230
+
231
+ on what he's thinking or what is in this case,
232
+
233
+ he was moving his head down as well.
234
+
235
+ Based on what he's doing, he's able to control the
236
+
237
+ wheelchair.
238
+
239
+ But know that, you know, this is quite something complex
240
+
241
+ happening in terms of like going up the stairs and
242
+
243
+ so on.
244
+
245
+ Is this probably not being controlled by the by the
246
+
247
+ device?
248
+
249
+ Because, as I said, it's quite coarse measurement.
250
+
251
+ So what he's able to do is something like move
252
+
253
+ up and down.
254
+
255
+ They're just moving the wheelchair up and down or maybe
256
+
257
+ move the wheelchair forwards and backwards.
258
+
259
+ So there's like some amount of control that he can
260
+
261
+ have, but that's about it.
262
+
263
+ There's another this is it's a link to a video
264
+
265
+ which is probably going to show as an idea.
266
+
267
+ I know it's for you to watch later.
268
+
269
+ It's I just put the link up there, but it's
270
+
271
+ got quite a detailed explanation.
272
+
273
+ If you're interested of how a group of students from
274
+
275
+ a school come together to actually build a wheelchair that's
276
+
277
+ based on EEG.
278
+
279
+ So it's a group of like I think ten students
280
+
281
+ and they split the problem up into the various aspects.
282
+
283
+ So one team is doing kind of the EEG aspect
284
+
285
+ in the data collection.
286
+
287
+ One team is each there's like multiple teams doing these
288
+
289
+ things.
290
+
291
+ And finally they're able to control a wheelchair based on
292
+
293
+ just the EEG.
294
+
295
+ Okay.
296
+
297
+ So one other thing is, like, this is quite a
298
+
299
+ cost measurement.
300
+
301
+ So in some cases what you have is what you
302
+
303
+ can do is rather than use, try and interpret what
304
+
305
+ exactly the brain is saying.
306
+
307
+ So, you know, if you're trying to, you know, grab
308
+
309
+ something and and do something, it might be quite hard
310
+
311
+ to interpret that fine scaled action using this such a
312
+
313
+ coarse measurement.
314
+
315
+ So what you can do is do some.
316
+
317
+ Hacks.
318
+
319
+ And this is an example of that.
320
+
321
+ To demonstrate how this technology works.
322
+
323
+ Well, you get some studying nonverbal communication you can do.
324
+
325
+ A lot of people are learning.
326
+
327
+ What.
328
+
329
+ It's like to get a lot of different types of
330
+
331
+ responses, like the specific one picked up by the victim
332
+
333
+ or.
334
+
335
+ And nobody reported.
336
+
337
+ Well, I that.
338
+
339
+ Frequency of no.
340
+
341
+ Except for, you know, the computer interpret the signal to
342
+
343
+ give the correction some response.
344
+
345
+ So the reason I picked this video is something where
346
+
347
+ what they've used is kind of a hack of trying
348
+
349
+ to control this, trying to get some answers.
350
+
351
+ So they put this flashing light one a 12 hertz,
352
+
353
+ one and 13 hertz.
354
+
355
+ And it's just when you look at a flashing light,
356
+
357
+ you're visual cortex usually lights up, tries to go between
358
+
359
+ certain frequencies.
360
+
361
+ It follows what's happening with the lights.
362
+
363
+ If it's if it's oscillating, if the light is oscillating,
364
+
365
+ the visual cortex is going to oscillate in in sync
366
+
367
+ with that.
368
+
369
+ And so they're able to just detect what the oscillation
370
+
371
+ frequency is, and they're using that as kind of a
372
+
373
+ hack to try and look at like, does a subject
374
+
375
+ want to go left or right?
376
+
377
+ So it's kind of a binary answer or.
378
+
379
+ It's a binary answer and they're able, but it's quite
380
+
381
+ effective at trying to get this subject who is immobile
382
+
383
+ to.
384
+
385
+ You can read their brain in a sentence, as I
386
+
387
+ said multiple times.
388
+
389
+ Now the limitation is it's a very close spatial resolution.
390
+
391
+ It's the amount of information you can get is quite
392
+
393
+ limited.
394
+
395
+ So we can now move to another non-invasive technique, which
396
+
397
+ is MRI.
398
+
399
+ And you might have heard about this before.
400
+
401
+ It's something that records blood oxygen levels in the brain.
402
+
403
+ And we can interpret this based on the activation levels
404
+
405
+ from different regions of the brain.
406
+
407
+ And this is kind of going from the very coarse
408
+
409
+ resolution of a few of multiple millimetres in the EEG
410
+
411
+ to something more at a millimetre scale or this quite
412
+
413
+ low temperature resolution.
414
+
415
+ So you need like hundreds of milliseconds to actually interpret
416
+
417
+ the activity.
418
+
419
+ So it's a really cool demonstration that was there a
420
+
421
+ few years ago.
422
+
423
+ It has actually gotten a lot better in the recent
424
+
425
+ years, but here's an example of it.
426
+
427
+ So let me just explain what this is showing.
428
+
429
+ So this is the movie that is presented to the
430
+
431
+ A subject.
432
+
433
+ This is a variation of that which is just they're
434
+
435
+ just looking at what are the edges in that image
436
+
437
+ And this is what is decoded.
438
+
439
+ So you look at the brain activity in the scanner
440
+
441
+ and based on the activity of the brain, they actually
442
+
443
+ just trying to try and decode or guess which movie
444
+
445
+ was presented based on the brain activity.
446
+
447
+ So this is.
448
+
449
+ So.
450
+
451
+ Yeah.
452
+
453
+ What's happening there.
454
+
455
+ But in.
456
+
457
+ General.
458
+
459
+ We have to do things.
460
+
461
+ Okay.
462
+
463
+ Anyway, in general, what you would see is that as
464
+
465
+ in this example here, you don't quite get a perfect
466
+
467
+ match of what the subject is seeing, but you see
468
+
469
+ some approximation of it.
470
+
471
+ So it's it's it's decent, but it's it's, it's just
472
+
473
+ an approximation.
474
+
475
+ Again, here edges are slightly better in the movie.
476
+
477
+ If you see the movie, it's usually.
478
+
479
+ Okay, maybe with back elements.
480
+
481
+ If you see the movie, you can see that it
482
+
483
+ doesn't quite always get it right.
484
+
485
+ There's there's a lot of variations in general.
486
+
487
+ So one of the major limitations of ephemera is the
488
+
489
+ fact that it's a huge device.
490
+
491
+ So this is like it takes usually it takes a
492
+
493
+ whole room and another room to have like a cooling
494
+
495
+ system and so on.
496
+
497
+ So it's something that's not really practical to use as
498
+
499
+ a day to day device to kind of help treat
500
+
501
+ or to use as a neural interface.
502
+
503
+ I really hope the following videos work, but so another
504
+
505
+ option is to record from periphery nerves.
506
+
507
+ So this is where it's cool.
508
+
509
+ So far we've been talking about recording from the central
510
+
511
+ nervous system, so just the brain as such.
512
+
513
+ But there's a lot of nerves in the in the
514
+
515
+ body and sometimes maybe it's more effective or easier to
516
+
517
+ actually get to the periphery.
518
+
519
+ There's a few advantages, advantages to this.
520
+
521
+ The first thing is you don't need to get to
522
+
523
+ the skull where, you know, implanting anything or interpreting activity
524
+
525
+ through the skull is actually quite a big challenge.
526
+
527
+ So you can get across that by recording in the
528
+
529
+ periphery.
530
+
531
+ And this is I really hope it works an example.
532
+
533
+ Okay.
534
+
535
+ This is an example.
536
+
537
+ So this particular subject has two kinds of prostheses.
538
+
539
+ The prosthesis is either controlled by a electrode that is
540
+
541
+ placed on the surface of his arm and shoulder, or
542
+
543
+ there's a there's a second option, which is that they
544
+
545
+ actually implant the electrode into the arm and the aid
546
+
547
+ record from within the neurone as such.
548
+
549
+ So the idea this demonstration is basically showing how by
550
+
551
+ implanting the electrodes into the body, you're able to get
552
+
553
+ better control because there's a little bit more information.
554
+
555
+ So as you try to record from outside, the information
556
+
557
+ is a bit more noisy in terms of as a
558
+
559
+ recording technique.
560
+
561
+ So this is an example of him trying to control
562
+
563
+ holding an egg.
564
+
565
+ You can see that with the external electrodes he is
566
+
567
+ able to control it, but he's not able to control
568
+
569
+ every aspect of it.
570
+
571
+ And that's something where you can imagine the number of
572
+
573
+ things that are needed.
574
+
575
+ So in general, I was talking to you about like.
576
+
577
+ Yes, nuances in the.
578
+
579
+ We can just watch this again.
580
+
581
+ So the surface electrodes.
582
+
583
+ He's not able to really control it.
584
+
585
+ Hopefully.
586
+
587
+ Implanted electrodes and you can see that it's a lot
588
+
589
+ better.
590
+
591
+ The fact that he's able to do either just control
592
+
593
+ the arm is actually quite amazing compared to what we
594
+
595
+ used to have, where you just have like a phantom
596
+
597
+ thing which is just attached to the body and you
598
+
599
+ kind of passively control it.
600
+
601
+ So in this case, this device is actually integrated into
602
+
603
+ the kind of the periphery nervous system where the subject
604
+
605
+ is able to control kind of the action of light,
606
+
607
+ how much is moving, grabbing something and moving it in
608
+
609
+ different directions.
610
+
611
+ So going back a little bit to what I was
612
+
613
+ saying before with the EEG, it's kind of, yes, the
614
+
615
+ onesies or maybe for four ounces.
616
+
617
+ Here again, you've got your recording from various neurones and
618
+
619
+ you're trying to get a few different quick answers.
620
+
621
+ In the case of the prosthetic arm, it's how much
622
+
623
+ you want to press.
624
+
625
+ How how do you want to grab something?
626
+
627
+ So if it was just like grab and release, that's
628
+
629
+ probably something you can get from a surface electrodes.
630
+
631
+ The more information you have, the more accuracy you can
632
+
633
+ get at various things.
634
+
635
+ So that's the general idea of the difference between the
636
+
637
+ surface electrode and the implanted electrode.
638
+
639
+ And this kind of holds across various devices.
640
+
641
+ So the more information you have, the more accuracy you
642
+
643
+ can have in controlling various things.
644
+
645
+ So this is just an example of a periphery system.
646
+
647
+ And here we're recording the neural activity of individual or
648
+
649
+ sorry, that was the periphery neurones.
650
+
651
+ And I guess one of the limitations here is that.
652
+
653
+ But in this particular case, it was pretty clear that
654
+
655
+ the prosthetic arm was something that just the subject needed.
656
+
657
+ But if you want to try and control, let's say,
658
+
659
+ like a wheelchair or something, maybe you don't have access
660
+
661
+ to these with these nerves.
662
+
663
+ A lot of these the videos I'm going to show
664
+
665
+ you next are in paraplegic subjects who really can't actually
666
+
667
+ control any of their nerves, make them.
668
+
669
+ So in that case, you need to then go up
670
+
671
+ and record from the brain directly.
672
+
673
+ And in this case, what you're able to record is
674
+
675
+ actually a neural activity from an individual or a collection
676
+
677
+ of neurones that are in the brain.
678
+
679
+ And given that you're actually recording from within the brain,
680
+
681
+ you can now record from a large number of neurones
682
+
683
+ and you can record spiking activity at a higher temporal
684
+
685
+ and spatial resolution.
686
+
687
+ So I just show an example of things that showed
688
+
689
+ some of this in general.
690
+
691
+ So this is a braingate system which has been deployed
692
+
693
+ in human subjects.
694
+
695
+ This is an example of what the electrode looks like.
696
+
697
+ So there's like a ten by ten grid of electrodes.
698
+
699
+ It's about this big you can see in a human
700
+
701
+ now, and this one is implanted usually within the brains
702
+
703
+ around the motor cortex or this embedded sensory cortex of
704
+
705
+ some subjects.
706
+
707
+ So just to show you.
708
+
709
+ This is why we call it.
710
+
711
+ I think I'm showing you a bit of this video
712
+
713
+ before I like to show this as an example, where
714
+
715
+ this patient who's.
716
+
717
+ Out.
718
+
719
+ Here is abled is controlling an arm using one of
720
+
721
+ these systems.
722
+
723
+ And this is an example of her trying to drink
724
+
725
+ coffee, have a sip of coffee from this.
726
+
727
+ From above.
728
+
729
+ By controlling the robotic.
730
+
731
+ Arm.
732
+
733
+ Then when you watch the video, you can make note
734
+
735
+ of the fact that it's around 140 at a time.
736
+
737
+ Samba was at 140 with in the video.
738
+
739
+ You can have a look at this later.
740
+
741
+ But it's something where it's quite moving because it's the
742
+
743
+ first time she was able to actually actually control something
744
+
745
+ by herself and then have a sip of of coffee
746
+
747
+ from there.
748
+
749
+ One of the things to note and this is like,
750
+
751
+ as I mentioned, this is a huge engineering feat to
752
+
753
+ get like an arm, a robotic arm to do something
754
+
755
+ like this.
756
+
757
+ So a lot of these technologies are also based on
758
+
759
+ some very cool engineering that goes into the backflip.
760
+
761
+ I'm not going to show, if I can, a newer
762
+
763
+ version of this.
764
+
765
+ Oh.
766
+
767
+ Okay.
768
+
769
+ So in this case, this subject again, it's got this
770
+
771
+ BrainGate device and very able to browse the Internet.
772
+
773
+ And usually what that is, is like you've got the
774
+
775
+ cursor here bottom, it's the other video.
776
+
777
+ So what this subject is able to do is actually
778
+
779
+ control the cursor on the monitor.
780
+
781
+ Then again, by controlling the cursor on the monitor, they're
782
+
783
+ able to type in an email.
784
+
785
+ Okay, So this is kind of where this is at.
786
+
787
+ They're doing a lot of human tests.
788
+
789
+ But as you can see, it's ethically it's basically something
790
+
791
+ that you would use for paraplegic patients where they're unable
792
+
793
+ to use.
794
+
795
+ There's very few other options for them to actually try
796
+
797
+ and interact with the world.
798
+
799
+ So I'm finally going to show you something that's beginning
800
+
801
+ Looking to the future.
802
+
803
+ This is a demonstration by model group.
804
+
805
+ Sorry, let me shut my female.
806
+
807
+ Yeah.
808
+
809
+ This is a demonstration from Elon Musk's team that are.
810
+
811
+ So just to give you an idea of what they've
812
+
813
+ come up with is as he does, he started a
814
+
815
+ new company that is trying to revolutionise neuroscience.
816
+
817
+ But anyways it's debateable.
818
+
819
+ But one thing that they've definitely been quite successful at
820
+
821
+ is developing some of these devices.
822
+
823
+ So what you actually see here is a robotic device
824
+
825
+ that's used to implant electrodes into the brain.
826
+
827
+ And the reason for that is they've come up with
828
+
829
+ this new electrode design, which is quite like what you
830
+
831
+ saw before in this slide was this kind of device.
832
+
833
+ Now, this is this, as you can see, the rigid
834
+
835
+ structure that is placed on the surface of the brain.
836
+
837
+ Neuralink instead has come up with a new version of
838
+
839
+ it, of a new design where you've got independently movable
840
+
841
+ electrodes.
842
+
843
+ This is something that we usually use in the lab,
844
+
845
+ but more but not as many simultaneous people.
846
+
847
+ So they actually put in like about a thousand electrodes
848
+
849
+ in to try and target individually different brain regions.
850
+
851
+ And that then goes into this device, which is which
852
+
853
+ is really tiny.
854
+
855
+ And that's actually one of the innovations of the company.
856
+
857
+ It's quite impressive.
858
+
859
+ It's it's about the size of a coin, maybe like
860
+
861
+ a pound coin or something like that.
862
+
863
+ And so it's also quite thin and can it is
864
+
865
+ within the thickness of the skull.
866
+
867
+ So for a human skull and in this case they
868
+
869
+ demonstrated on pigs.
870
+
871
+ And so it's also within the thickness of a pig's
872
+
873
+ skull so they can just implant it.
874
+
875
+ So it's flush with the the surface of the of
876
+
877
+ the skull.
878
+
879
+ And another innovation that they came up with is when
880
+
881
+ you look at the BrainGate videos, you see that there's
882
+
883
+ this big cord coming out, there's this big device attached
884
+
885
+ to the head, and then there's a big wire coming
886
+
887
+ out instead.
888
+
889
+ The other innovation that the companies come up with is
890
+
891
+ that they've made everything kind of via Bluetooth.
892
+
893
+ So it's wireless and so it's just on the skull.
894
+
895
+ You can actually have.
896
+
897
+ A go back or.
898
+
899
+ You can have like the skin cover up that area
900
+
901
+ once, once everything is done and then everything's going over
902
+
903
+ wirelessly.
904
+
905
+ So this is a demonstration of this is.
906
+
907
+ Actually, this animal actually has.
908
+
909
+ This animal actually has an electrode implanted in it.
910
+
911
+ You just don't see any any sign of it.
912
+
913
+ It's it's moving around really healthy.
914
+
915
+ And so now this is where they're going to move
916
+
917
+ it into an area where it can actually get to
918
+
919
+ wireless signals.
920
+
921
+ Okay.
922
+
923
+ So the recording from like thousands of neurones, then each
924
+
925
+ of these each of these rows here represents the action,
926
+
927
+ an action potential firing from an individual neurone.
928
+
929
+ You can see they're able to actually like while the
930
+
931
+ pig is moving around, you can see looks is.
932
+
933
+ Happening in real quick signals.
934
+
935
+ So literally neurones that are out over here and put
936
+
937
+ them on a virus which is affected here.
938
+
939
+ Okay.
940
+
941
+ So I was just going to show you another towards
942
+
943
+ the end of this video, they're looking at like how
944
+
945
+ they can interpret the activity.
946
+
947
+ It's a while that hopefully loads up.
948
+
949
+ So it's a bit of a weird system.
950
+
951
+ So one of the things that Neuralink was it's quite
952
+
953
+ controversial among neuroscientists because they kind of said it is
954
+
955
+ this big advance.
956
+
957
+ But in terms of to the neuroscience end of things,
958
+
959
+ there's actually like a lot of what they've been talking
960
+
961
+ about is something that we've known, for example, the BrainGate
962
+
963
+ system, it's been there for over ten years now and
964
+
965
+ it's something where you can actually decode activity in control
966
+
967
+ devices.
968
+
969
+ Okay.
970
+
971
+ So this is an example.
972
+
973
+ Of a digital activity.
974
+
975
+ An example of a pig running on a walking and
976
+
977
+ a treadmill.
978
+
979
+ And by recording from the motor areas of the brain,
980
+
981
+ they're able to actually decode the positions.
982
+
983
+ I've been reading they're going to look like on that
984
+
985
+ record.
986
+
987
+ And we think that the photographs and records submitted.
988
+
989
+ Okay.
990
+
991
+ So just this that's just trying to predict various points
992
+
993
+ on the limbs of the limb of the animal.
994
+
995
+ And you can see that basically the actual limb position
996
+
997
+ versus the predicted limb position, it's quite accurately decoded.
998
+
999
+ So the mission statement of the company is kind of
1000
+
1001
+ weird.
1002
+
1003
+ They want to have everyone have access to these things,
1004
+
1005
+ but that's kind of scary to me to enhance your
1006
+
1007
+ brain.
1008
+
1009
+ It's scary because you need to put something in the
1010
+
1011
+ brain and make a big hole in your skull.
1012
+
1013
+ So now they've kind of toned it down.
1014
+
1015
+ They're talking about, Oh, we're going to use it for
1016
+
1017
+ paraplegic patients.
1018
+
1019
+ So they're getting human they're they're kind of getting to
1020
+
1021
+ FDA.
1022
+
1023
+ I think they've got FDA approval to test in paraplegic
1024
+
1025
+ subjects who similar to the BrainGate device.
1026
+
1027
+ And so I think that it's pretty cool for that.
1028
+
1029
+ I just don't know how they're going to.
1030
+
1031
+ Make.
1032
+
1033
+ Money off of it like they want to.
1034
+
1035
+ But it's a pretty cool tech and lot of innovations
1036
+
1037
+ on the engineering end of it in terms of being
1038
+
1039
+ able to record neural activity.
1040
+
1041
+ Hopefully they bring it back, they send it back to
1042
+
1043
+ science.
1044
+
1045
+ Right now, everything's closed.
1046
+
1047
+ We don't have access to any of these technologies.
1048
+
1049
+ Okay.
1050
+
1051
+ So the limitations, as you can expect, it's highly invasive.
1052
+
1053
+ So again, you need to put these electrodes into the
1054
+
1055
+ brain so it's not something that you can do that
1056
+
1057
+ easily.
1058
+
1059
+ And like I said in the beginning of the Neuralink
1060
+
1061
+ thing, you've got this huge robot that they've actually designed
1062
+
1063
+ and that's part of their part of their innovation that
1064
+
1065
+ they needed to develop this robot to be able to
1066
+
1067
+ implant these electrodes.
1068
+
1069
+ Okay.
1070
+
1071
+ So I've just reviewed a few different ways in which
1072
+
1073
+ you can read neural activity.
1074
+
1075
+ I'm going to skip ahead now to the second part
1076
+
1077
+ of the talk, which is about writing to neurones.
1078
+
1079
+ And this is something about transmitting information that a subject
1080
+
1081
+ cannot access.
1082
+
1083
+ And for this, we kind of.
1084
+
1085
+ Rather than go this way, we have to go the
1086
+
1087
+ opposite way.
1088
+
1089
+ Who would observe or monitor the external events, interpret this
1090
+
1091
+ information, and then edit neural activity to send it back
1092
+
1093
+ to the brain.
1094
+
1095
+ So how can we edit or manipulate activities?
1096
+
1097
+ It is generally, there's a few different ways you can
1098
+
1099
+ either electrically stimulate neurones.
1100
+
1101
+ This is the most common method and this is something
1102
+
1103
+ I've been talking about mostly.
1104
+
1105
+ And then there's also a possibility of using magnetic stimulation.
1106
+
1107
+ It's much more cause they're not that well understood.
1108
+
1109
+ It's a very commonly used.
1110
+
1111
+ And then more recently, there's something like optical stimulation, where
1112
+
1113
+ you use some genetic approaches to make neurones fire when
1114
+
1115
+ you shine light at them.
1116
+
1117
+ Chemical stimulation is possible, but it's very hard to have
1118
+
1119
+ precision in terms of controlling that.
1120
+
1121
+ So I'm going to jump straight into cochlear implants, which
1122
+
1123
+ is probably the most impressive and most commonly used brain
1124
+
1125
+ machine interface.
1126
+
1127
+ So this is the issue is that there's loss of
1128
+
1129
+ hearing due to some issues in the early stages of
1130
+
1131
+ auditory processing and by early stages that's around this region
1132
+
1133
+ here before the auditory nerve, there's there's issues that are
1134
+
1135
+ happening before the auditory nerve.
1136
+
1137
+ So one of the advantages and one of the reasons
1138
+
1139
+ why this has been such a success story is because
1140
+
1141
+ of the structure of the ear and the auditory nerve,
1142
+
1143
+ and that's specifically the cochlear of the.
1144
+
1145
+ Of.
1146
+
1147
+ The cochlear system.
1148
+
1149
+ So this is an example.
1150
+
1151
+ This is kind of an illustration of what the cochlear
1152
+
1153
+ is, is is this this bit here it's the coined
1154
+
1155
+ surface.
1156
+
1157
+ And at different parts of the cochlear, the auditory nerves
1158
+
1159
+ kind of go along different parts of the cochlear.
1160
+
1161
+ And just based on sound frequencies, the way sound travels
1162
+
1163
+ through the surface, it attenuates different frequencies at different points.
1164
+
1165
+ So it's a beautiful design of evolution and it's the
1166
+
1167
+ way it takes advantage.
1168
+
1169
+ So you've got the highest frequencies at the outermost point
1170
+
1171
+ of this.
1172
+
1173
+ So this is around 20 kilohertz and you go down
1174
+
1175
+ up until like a 200 hertz region that's at the
1176
+
1177
+ apex.
1178
+
1179
+ So this is kind of the the structure of the
1180
+
1181
+ human cochlear.
1182
+
1183
+ I illustrated here where you've got like the different medium
1184
+
1185
+ frequency coming into the middle and then the lowest frequency
1186
+
1187
+ waves reaching all the way to the apex so that
1188
+
1189
+ the auditory nerves kind of in a way, different regions
1190
+
1191
+ of this.
1192
+
1193
+ And so in a sense, what this the advantage of
1194
+
1195
+ this is this has brought all of auditory processing, which
1196
+
1197
+ is quite a complicated process into a single one dimensional
1198
+
1199
+ axis here.
1200
+
1201
+ So this is one long.
1202
+
1203
+ So if you stretch out this coil, it's basically one
1204
+
1205
+ thing, one long stretch of tissue.
1206
+
1207
+ And the advantage now is that if you estimate a
1208
+
1209
+ different point of this tissue, they're able to generate different
1210
+
1211
+ perceptions of different sounds.
1212
+
1213
+ And that's what is taken advantage by the cochlear devices.
1214
+
1215
+ They have a device that goes all along this.
1216
+
1217
+ Coil and.
1218
+
1219
+ It can stimulate different portions of this.
1220
+
1221
+ So this is what a cochlear system would look like.
1222
+
1223
+ So on the external side of things, you've got a
1224
+
1225
+ recording device that this is something that's recording sounds from
1226
+
1227
+ the outside and it's kind of doing some amount of
1228
+
1229
+ processing of those sounds and then transmitting this to a
1230
+
1231
+ transmitter that's on the surface of the of the skull.
1232
+
1233
+ And then internally you've got a receiving device that's there
1234
+
1235
+ just just on the inside of that.
1236
+
1237
+ And then you've got another kind of stimulator or kind
1238
+
1239
+ of a processor there and then goes into this coil
1240
+
1241
+ device that going all along the cochlear.
1242
+
1243
+ And you can see there's these different bits here.
1244
+
1245
+ These are like the electrode sites and this is the
1246
+
1247
+ electrodes that are able to kind of the cross currents
1248
+
1249
+ to stimulate different portions of the of the cochlea.
1250
+
1251
+ And by stimulating different parts of the cochlea, they stimulate
1252
+
1253
+ different sound levels and different sounds.
1254
+
1255
+ And so by having like a nice simple linear transformation
1256
+
1257
+ and then because it's an electric signal, it's quite fast.
1258
+
1259
+ So you can have, you know, as I'm speaking, all
1260
+
1261
+ the different frequencies of sound that I'm conveying, are able
1262
+
1263
+ to, you can actually process that and get it to
1264
+
1265
+ all the different points at a very fast times.
1266
+
1267
+ So that's the kind of advantage.
1268
+
1269
+ And I'm just going to show you this video here,
1270
+
1271
+ which you can watch later.
1272
+
1273
+ It's the nice description of a doctor describing how a
1274
+
1275
+ cochlear works.
1276
+
1277
+ But what I find really moving is this is this
1278
+
1279
+ is a documentary.
1280
+
1281
+ I would highly recommend watching all of it.
1282
+
1283
+ At some point, I'm just going to.
1284
+
1285
+ The complete 100% sound science.
1286
+
1287
+ What can happen?
1288
+
1289
+ I hear what I'm saying and how it sounds because
1290
+
1291
+ I know it sounds different.
1292
+
1293
+ But this I find that my voice is back to
1294
+
1295
+ normal.
1296
+
1297
+ Hi.
1298
+
1299
+ Makes me 70% or so.
1300
+
1301
+ So I usually show a longer plate of the clip.
1302
+
1303
+ I just realise it's too late.
1304
+
1305
+ But if you noticed that her voice was changing, she
1306
+
1307
+ took out the implant.
1308
+
1309
+ And actually, if you saw it from earlier, it progressively
1310
+
1311
+ gets worse and worse as she's speaking.
1312
+
1313
+ And you can also see her getting not very confident
1314
+
1315
+ and as she says, insecure.
1316
+
1317
+ And then as soon as she puts it on, the
1318
+
1319
+ voice changes completely.
1320
+
1321
+ And that's just the fact that she gets this feedback.
1322
+
1323
+ Rather than putting our accessibility first.
1324
+
1325
+ We want to get people who.
1326
+
1327
+ Actually.
1328
+
1329
+ Complete 100%.
1330
+
1331
+ I'll go back a little bit because.
1332
+
1333
+ I think so.
1334
+
1335
+ What kind of stuff?
1336
+
1337
+ I take it off, so I keep it off for
1338
+
1339
+ the more exciting stuff, seems to become more convoluted and
1340
+
1341
+ becomes more difficult to think about what they ought to
1342
+
1343
+ be something.
1344
+
1345
+ You know what I'm saying?
1346
+
1347
+ Because I don't think it's a matter of speaking to
1348
+
1349
+ the cow when I pick my husband so I can
1350
+
1351
+ hear people.
1352
+
1353
+ So I'm not even being a complete 100%.
1354
+
1355
+ So what's possible?
1356
+
1357
+ So I'm a little insecure about what I'm saying because
1358
+
1359
+ I know it sounds different.
1360
+
1361
+ But the 70 seconds and trying to keep things back
1362
+
1363
+ to normal, I think means.
1364
+
1365
+ I think that one might have been clearer as you
1366
+
1367
+ saw the progression as well as how the design changed.
1368
+
1369
+ So you can see it's actually a really for me,
1370
+
1371
+ this is probably the biggest success stories of a neural
1372
+
1373
+ interface that you.
1374
+
1375
+ So you need to have something.
1376
+
1377
+ The deftness where it works is something where the auditory
1378
+
1379
+ nerve is intact and then like further on, it's able
1380
+
1381
+ to it's able to process.
1382
+
1383
+ And most of the hearing disabilities come from kind of
1384
+
1385
+ early hearing, early stage hearing loss.
1386
+
1387
+ So it is quite.
1388
+
1389
+ That's why it's so commonly used, because it's kind of
1390
+
1391
+ an early stage thing.
1392
+
1393
+ So moving on from hearing actually, the next one would
1394
+
1395
+ be, well, can we actually then take this into the
1396
+
1397
+ eye, which is the other sense.
1398
+
1399
+ Organ or.
1400
+
1401
+ Something?
1402
+
1403
+ So.
1404
+
1405
+ So this would be something where if you have loss
1406
+
1407
+ of vision at the level of the eyes.
1408
+
1409
+ So again, like there's quite a few issues that do
1410
+
1411
+ happen at the eye.
1412
+
1413
+ I think vision has a broader range of issues happening
1414
+
1415
+ in general.
1416
+
1417
+ So as I mentioned, the the auditory system had this
1418
+
1419
+ nice coiled structure that actually just boiled down to like
1420
+
1421
+ a single thing.
1422
+
1423
+ So when it comes to the eye, it becomes you've
1424
+
1425
+ just added another dimension.
1426
+
1427
+ Now things are in 2D, you've got like a 2D
1428
+
1429
+ scene that you have.
1430
+
1431
+ You could argue that that's there in the auditory system
1432
+
1433
+ as well, but at least the amount of information you
1434
+
1435
+ can get across with this one dimensional structure is sufficient
1436
+
1437
+ for a subject to get a good perception of things.
1438
+
1439
+ But with vision, it tends to be a lot harder
1440
+
1441
+ because you've got you've got a lot more detail in
1442
+
1443
+ structure and we're kind of used to seeing this amount
1444
+
1445
+ of detail.
1446
+
1447
+ So it becomes harder to and again, you've moved from
1448
+
1449
+ a one dimensional structure.
1450
+
1451
+ Now you've gone to a flat surface, which is the
1452
+
1453
+ retina here, and you've got like a two dimensional structure.
1454
+
1455
+ So the general idea of how an implant like this
1456
+
1457
+ would work is that you have a camera that's, you
1458
+
1459
+ know, subject with bathroom glasses, with a camera attached on
1460
+
1461
+ them.
1462
+
1463
+ They've got some kind of processing that's happening on an
1464
+
1465
+ external unit that then gets transmitted into the device that's
1466
+
1467
+ within the eye, and then that goes onto a kind
1468
+
1469
+ of a chip that's then this retinal implant that's then
1470
+
1471
+ stimulating either electrically or optically.
1472
+
1473
+ It's the surface of the retina.
1474
+
1475
+ Now, one of the issues with this is that actually
1476
+
1477
+ there's a lot of different receptors in the eye.
1478
+
1479
+ So it's not just about, you know, on off in
1480
+
1481
+ one retina region, you have colours, you have edges, you
1482
+
1483
+ have lots of different things.
1484
+
1485
+ So what you would get is kind of flashes of
1486
+
1487
+ light at different parts of the of your visual field.
1488
+
1489
+ So it's not quite detail information that you would, that
1490
+
1491
+ we would usually do so wouldn't be able to see
1492
+
1493
+ faces or recognise faces but kind of a flash of
1494
+
1495
+ image.
1496
+
1497
+ So in general I think the target of this is
1498
+
1499
+ to help subjects get some amount of information which would
1500
+
1501
+ help them with their day to day lives through something
1502
+
1503
+ like if you're a child across the road and there's
1504
+
1505
+ a car coming, you could flashlight light towards which part
1506
+
1507
+ where the car is coming or something like that.
1508
+
1509
+ But it's not something where you would be able to
1510
+
1511
+ get a subject.
1512
+
1513
+ You read a book or something as detailed as that.
1514
+
1515
+ So it it is a much more challenging area, are
1516
+
1517
+ trying to get a device into the eye.
1518
+
1519
+ There's been a lot of attempts at it, but it's
1520
+
1521
+ been quite challenging at the same time.
1522
+
1523
+ There's also been some issues of the levity of the
1524
+
1525
+ implant and how effective they can be and the health
1526
+
1527
+ of the surrounding tissue, because it's quite a different tissue
1528
+
1529
+ in the eyes.
1530
+
1531
+ One other thing.
1532
+
1533
+ Yeah, I'll move.
1534
+
1535
+ On to another way of writing to nuance.
1536
+
1537
+ I'm not going to go into the details of this,
1538
+
1539
+ but it's something that would be useful for you all
1540
+
1541
+ to be aware of.
1542
+
1543
+ So this is something called optogenetic manipulation of the nerve
1544
+
1545
+ cell activity.
1546
+
1547
+ And this is where.
1548
+
1549
+ So I think last week you've got you had a
1550
+
1551
+ lecture on neurotransmitters and how things are going between the
1552
+
1553
+ membrane of a neurone.
1554
+
1555
+ So this is an example of this, the internal area
1556
+
1557
+ of the brain of a neurone and the outside.
1558
+
1559
+ And there's various proteins that are expressed on the membrane
1560
+
1561
+ of a neurone.
1562
+
1563
+ So what this was an innovation that was there a
1564
+
1565
+ few years ago where they implanted, where they expressed a
1566
+
1567
+ protein that's the ion transmitter.
1568
+
1569
+ That was when you shine a light on it.
1570
+
1571
+ This is actually a Dobson, which is something like what's
1572
+
1573
+ in the eye when you shine a light on it.
1574
+
1575
+ It then opens this channel and lets various ions through.
1576
+
1577
+ And using this technique you're able to get a neurone
1578
+
1579
+ to get excited or to get inhibited.
1580
+
1581
+ So this is an example where this is kind of
1582
+
1583
+ an illustration.
1584
+
1585
+ You've got these blue, they're shining a blue light at
1586
+
1587
+ different points in time, and every time there's a blue
1588
+
1589
+ light you get, you get an action potential.
1590
+
1591
+ And then if you use the other kind of hyper
1592
+
1593
+ polarising protein you can get, like when you apply a
1594
+
1595
+ different kind of the colour of light, you can even
1596
+
1597
+ get suppression.
1598
+
1599
+ Of.
1600
+
1601
+ Firing in neurones.
1602
+
1603
+ So this is a general strategy where you can use
1604
+
1605
+ the light to activate neurones either in the brain.
1606
+
1607
+ And actually this is something that is.
1608
+
1609
+ Being tried out even in the eye.
1610
+
1611
+ So trying to rather than putting in electrical activity, which
1612
+
1613
+ is kind of which damages the tissue as well.
1614
+
1615
+ They're trying to put in a a chip that then
1616
+
1617
+ just transmits a light pattern onto it.
1618
+
1619
+ I'm so not going.
1620
+
1621
+ To go into that, but I'm just going to move
1622
+
1623
+ on to the next part, which is about controlling abnormal
1624
+
1625
+ activity in the brain.
1626
+
1627
+ And this is where.
1628
+
1629
+ So in general, when you have a normal activity, the
1630
+
1631
+ most common method is to try and use prescription drugs
1632
+
1633
+ to control abnormal activity or anything except like something invasive.
1634
+
1635
+ So these methods that I'm going to talk about are
1636
+
1637
+ usually only considered with all the other methods being targeted.
1638
+
1639
+ No, we're going to show this slide, which is not
1640
+
1641
+ being used, but hopefully not being used anymore.
1642
+
1643
+ But, you know, something like in the 1930s where I
1644
+
1645
+ used electroconvulsive therapy, the reason I put this up is
1646
+
1647
+ this is kind of something maybe that is popular.
1648
+
1649
+ You might have seen movies doing this or heard about
1650
+
1651
+ something like this where they put a large current between
1652
+
1653
+ the between across the brain, which is just causing it
1654
+
1655
+ is the large electrical stimulus that is affecting the electrical
1656
+
1657
+ activity in the brain.
1658
+
1659
+ And that then causes changes in the in the neural
1660
+
1661
+ structure.
1662
+
1663
+ And that was used.
1664
+
1665
+ It induces a seizure.
1666
+
1667
+ And the idea was that it would then help relieve
1668
+
1669
+ symptoms of mental illness.
1670
+
1671
+ So it's highly controversial and there's like severe side effects.
1672
+
1673
+ So, you know, it's been covered in popular media quite,
1674
+
1675
+ quite a lot.
1676
+
1677
+ So I'm sure you can find more information about that.
1678
+
1679
+ But it's something that is a historically used technique, but
1680
+
1681
+ it's not no longer used.
1682
+
1683
+ But I thought it's useful to just talk about things
1684
+
1685
+ that are not being used as well.
1686
+
1687
+ So it's something that's actually much more effective is and
1688
+
1689
+ currently used a lot.
1690
+
1691
+ It's deep brain stimulation.
1692
+
1693
+ So this is something where you've got electrodes that are
1694
+
1695
+ implanted into the brains of an example of you've got
1696
+
1697
+ a bilateral implant into two parts.
1698
+
1699
+ And it's the common targets include the dynamic nucleus, which
1700
+
1701
+ is around there within the brain of the Globus paladins.
1702
+
1703
+ That's also another structure.
1704
+
1705
+ Both are within the stratum of the brain.
1706
+
1707
+ So this is so these are implanted.
1708
+
1709
+ You can see these there's like three little points there.
1710
+
1711
+ Those are the electrode sites.
1712
+
1713
+ And this is then goes into something like a pacemaker
1714
+
1715
+ that's placed somewhere in the body, which then can be
1716
+
1717
+ recharged and so on.
1718
+
1719
+ And that's delivering pulses periodically.
1720
+
1721
+ I'm just going to show you a video.
1722
+
1723
+ Of how.
1724
+
1725
+ This can be quite effective.
1726
+
1727
+ I hope this works.
1728
+
1729
+ So this is a subject with deep brain stimulation on
1730
+
1731
+ and off.
1732
+
1733
+ So you can see that.
1734
+
1735
+ Yeah.
1736
+
1737
+ They just can do some.
1738
+
1739
+ Tasks or.
1740
+
1741
+ They have this huge tremor that they.
1742
+
1743
+ So you can see it's really effective at alleviating some
1744
+
1745
+ of the symptoms.
1746
+
1747
+ This is a this is a subject with Parkinson's disease.
1748
+
1749
+ Another huge success story.
1750
+
1751
+ To be honest, I don't think we actually we do
1752
+
1753
+ know a little bit about how it works, but some
1754
+
1755
+ of it is a bit of a mystery.
1756
+
1757
+ It just works.
1758
+
1759
+ So that's kind of there's quite a lot of research
1760
+
1761
+ going into how how it's being used and how they
1762
+
1763
+ can improve the design of it right now.
1764
+
1765
+ So yeah, so one of the other things about debate
1766
+
1767
+ simulation before I end the lecture is that it is
1768
+
1769
+ I think coincidentally it has been doing some research going
1770
+
1771
+ into how it might be useful in chronic pain or.
1772
+
1773
+ In.
1774
+
1775
+ Depression and so on.
1776
+
1777
+ So there's some trials happening in trying to use it
1778
+
1779
+ in other mental health or other issues, but I think
1780
+
1781
+ these are just kind of coincidental where somebody with an
1782
+
1783
+ implant might show an elevation of other symptoms.
1784
+
1785
+ And so they're exploring these possibilities.
1786
+
1787
+ It wouldn't be implanted in a subject unless it's the
1788
+
1789
+ last it's kind of like the last choice because it's
1790
+
1791
+ quite an invasive technique.
1792
+
1793
+ So some advantages of using these simulation techniques is that
1794
+
1795
+ while the methods are used as a last resort, there
1796
+
1797
+ are some unique advantages.
1798
+
1799
+ So they can be spatially very specific regions of the
1800
+
1801
+ brain.
1802
+
1803
+ So this is pretty clear.
1804
+
1805
+ With deep brain stimulation, you get to a specific area
1806
+
1807
+ rather than stimulating the whole area by drugs kind of
1808
+
1809
+ systemic.
1810
+
1811
+ So it goes across the whole grain.
1812
+
1813
+ So there's an exception to this where you can maybe
1814
+
1815
+ present an L-dopa drug, which is something for Parkinson's, which
1816
+
1817
+ goes just to open the magic cells, or there's some
1818
+
1819
+ new techniques where you've got some designer drugs, where you
1820
+
1821
+ can use some genetics to target specific cell types.
1822
+
1823
+ But this is something that's kind of being geared up
1824
+
1825
+ for the future.
1826
+
1827
+ And the other advantage to this, other than being spatially
1828
+
1829
+ specific, is that it can be temporarily specific.
1830
+
1831
+ So you could just turn on the stimulation for some
1832
+
1833
+ periods of time and run them for short periods.
1834
+
1835
+ I haven't really covered this, but there are some trials
1836
+
1837
+ in using magnetic transcranial magnetic stimulation, which is the magnet
1838
+
1839
+ kind of stimulating and externally.
1840
+
1841
+ And there's some attempt to at that using that for
1842
+
1843
+ depression and other disorders.
1844
+
1845
+ Okay.
1846
+
1847
+ So that's that's it for the lecture today thank you
1848
+
1849
+ very much.
1850
+
1851
+ Invited to take a look at this.
1852
+
1853
+ Okay.
1854
+
1855
+ Let me just you know I'm for the course.
1856
+
1857
+ I guess I'm wondering if it's kind of like it's
1858
+
1859
+ a very different kind of question.
1860
+
1861
+ And I think it's very.
1862
+
1863
+ I didn't recognise.
1864
+
1865
+ This.
1866
+
1867
+ Right.
1868
+
1869
+ My first.
1870
+
1871
+ Question was, yeah, you know, they looked like that they
1872
+
1873
+ would use classification so they would use.
1874
+
1875
+ But I don't think so.
1876
+
1877
+ I don't.
1878
+
1879
+ Think that's.
1880
+
1881
+ It.
1882
+
1883
+ But I think a lot.
1884
+
1885
+ Of it because that's kind of where.
1886
+
1887
+ The question.
1888
+
1889
+ I've read about it.
1890
+
1891
+ Yeah.
1892
+
1893
+ I was wondering.
1894
+
1895
+ If you think.
1896
+
1897
+ Different stuff and stuff.
1898
+
1899
+ Yeah.
1900
+
1901
+ Yeah.
1902
+
1903
+ Yeah, I think so.
1904
+
1905
+ Either it's just people.
1906
+
1907
+ People look at the number that people because are looking
1908
+
1909
+ for something better not to excavate.
1910
+
1911
+ You know.
1912
+
1913
+ Some people from different parts of the country or.
1914
+
1915
+ But increasingly critical of the United States is going to
1916
+
1917
+ get to the point where it looks like you're going
1918
+
1919
+ to have to talk to people from different parts.
raw_transcripts/lecture_7.txt ADDED
@@ -0,0 +1,2213 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Okay.
2
+
3
+ Is this working?
4
+
5
+ Is this working.
6
+
7
+ On the back?
8
+
9
+ Okay.
10
+
11
+ The task in this week's lectures is try and help
12
+
13
+ you understand a little bit about what comes into the
14
+
15
+ brain and what goes down.
16
+
17
+ We're going to spend a lot of time in discussing
18
+
19
+ what goes on between those two stages, but the access
20
+
21
+ to the outside world and how we affect our muscles
22
+
23
+ are the two primary functions of the brain.
24
+
25
+ Yohannes Mueller was one of the parents of sensory science,
26
+
27
+ along with Helmholtz in the late 19th century, and it's
28
+
29
+ hard to put it better than this.
30
+
31
+ So I'll just read this out from his book in
32
+
33
+ 1935, where he detailed a lot of specific nerve energies.
34
+
35
+ What Miller said was that the same cause, such as
36
+
37
+ electricity, can simultaneously affect all sensory organs, since they are
38
+
39
+ all sensitive to it, and yet every sensory nerve reacts
40
+
41
+ to it differently.
42
+
43
+ One never passes as light, another hears it a sound,
44
+
45
+ another smells it, another tastes.
46
+
47
+ The electricity, another one feels it as pain and shock.
48
+
49
+ One nerve perceives a luminous feature through mechanical irritation.
50
+
51
+ Another one hears it as buzzing.
52
+
53
+ Another one senses it as pain.
54
+
55
+ Sensation is not the conduction of a quality or state
56
+
57
+ of external body to consciousness or the conduction of quality
58
+
59
+ or state of our nerves to consciousness.
60
+
61
+ Excited by an external cause.
62
+
63
+ So in this lovely, flowery 19th century prose that we
64
+
65
+ don't use, unfortunately now what we were trying to say
66
+
67
+ is that we do not have access to the outside
68
+
69
+ world.
70
+
71
+ What we have access to in terms of our perceptions,
72
+
73
+ our cognition is the activity of the sensory nerve fibres
74
+
75
+ that sense the outside world and provide the signals to
76
+
77
+ the rest of the brain.
78
+
79
+ It seems rather commonplace now, but at the time it
80
+
81
+ was quite a revolutionary idea.
82
+
83
+ It has analogies in more modern sensory science, and when
84
+
85
+ we would talk about things called labelled lines, where we
86
+
87
+ think that individual nerve cells contribute to a particular quality
88
+
89
+ or sensation, for example, one nerve cell might signal the
90
+
91
+ readiness of something in the world, another one might signal
92
+
93
+ the greenness of something.
94
+
95
+ Another one might signal the fact that that object appeared
96
+
97
+ in a particular part of your visual field or on
98
+
99
+ a particular part of your skin.
100
+
101
+ Those are the labels that are attached to the activity
102
+
103
+ of those nerve cells.
104
+
105
+ One of the major challenges of neuroscience is to understand
106
+
107
+ how the activity of nerve cells is translated into perceptual
108
+
109
+ and cognitive states.
110
+
111
+ And we are not there yet.
112
+
113
+ But what we do know a lot about is how
114
+
115
+ it is that those nerve cells can provide the signals
116
+
117
+ that we need to access information about the outside world.
118
+
119
+ I can spend several lectures talking to you about the
120
+
121
+ structure of sensory nerve cells and cells, but I'm not.
122
+
123
+ And I'm going to try and instead try and communicate
124
+
125
+ to you three general principles, which I think for me
126
+
127
+ at least, are the basis for understanding sensation.
128
+
129
+ The first is that sensory receptors and we will understand
130
+
131
+ a bit more about sensory receptors in the moment and
132
+
133
+ not evenly distributed.
134
+
135
+ Different parts of the body have different densities of sensory
136
+
137
+ receptors, and for that reason, we use different parts of
138
+
139
+ our bodies for different things.
140
+
141
+ For example, we touch stuff with our fingers.
142
+
143
+ We have a high density of contraceptives.
144
+
145
+ We look at things in particular ways.
146
+
147
+ We trying to bring their gaze, our gaze on objects
148
+
149
+ so that the objects are projected onto the centre of
150
+
151
+ our visual field.
152
+
153
+ There are more photoreceptors in the centre of our visual
154
+
155
+ field, so these different densities of receptors have large implications
156
+
157
+ for how the brain is structured.
158
+
159
+ And I'll take you through that.
160
+
161
+ The second principle is that sensory signals are sent to
162
+
163
+ the cortex along parallel pathways.
164
+
165
+ This doesn't have to be the case.
166
+
167
+ We can imagine a sensory receptor trying to encode everything
168
+
169
+ it can about the outside world and sending all those
170
+
171
+ signals to the rest of the brain.
172
+
173
+ Instead, it seems that some receptors encode something the readiness
174
+
175
+ or the grain issues and others and other things the
176
+
177
+ blueish ness or the green regions of the brain of
178
+
179
+ the outside world.
180
+
181
+ These signals are therefore sent along parallel pathways to the
182
+
183
+ rest of the brain.
184
+
185
+ And this parallelism is the idea that different parts of
186
+
187
+ the outside world are represented within the same modality by
188
+
189
+ different nerve cells is key to understanding how the signals
190
+
191
+ get the cortex.
192
+
193
+ And may also be key to understanding how the cortex
194
+
195
+ is organised.
196
+
197
+ And the third thing I really want to get through
198
+
199
+ in this lecture is that cortex creates the cerebral cortex
200
+
201
+ creates topographic maps of the sensory periphery.
202
+
203
+ I hope you understand the sentence in detail by the
204
+
205
+ time we get through this next 15 minutes.
206
+
207
+ The idea is that the cortical represents representations that we
208
+
209
+ have that we use to see, to feel, to hear.
210
+
211
+ They are constructed representations of the outside world such that
212
+
213
+ the map of the body or the visual field is
214
+
215
+ projected onto the cerebral cortex.
216
+
217
+ And these topographic maps are key to understanding how at
218
+
219
+ least early parts of the cerebral cortex, the initial stages
220
+
221
+ of perception are organised.
222
+
223
+ So these are the three things I really want to
224
+
225
+ try and get through to you in the next 50
226
+
227
+ minutes.
228
+
229
+ As I said, I could spend five or six lectures
230
+
231
+ on sensory receptors themselves.
232
+
233
+ I'm not going to spend one slide.
234
+
235
+ This is because the basic structure of sensory receptors is
236
+
237
+ pretty similar, and there's only one thing you really need
238
+
239
+ to know about it.
240
+
241
+ That is that those sensory receptors take some form of
242
+
243
+ what we want to say.
244
+
245
+ Interruption of the sensory surface and convert that into a
246
+
247
+ nerve nerve signal, a spiking action potential.
248
+
249
+ For example, photons of light come through in the eye
250
+
251
+ and hit the back of the retina where they sign
252
+
253
+ photoreceptors.
254
+
255
+ And those photoreceptors in turn, transduced that light into an
256
+
257
+ electrochemical energy, which they then pass on to the rest
258
+
259
+ of the brain touch receptors and specialised nerve endings which
260
+
261
+ are sensitive to the displacement of the membrane.
262
+
263
+ So when there's a pressure on to the skin that
264
+
265
+ membrane displaces.
266
+
267
+ And that in turn is converted into electrochemical energy and
268
+
269
+ sent to the rest of the brain ordering auditory receptors.
270
+
271
+ Hence those in the ear specialised receptors which in which
272
+
273
+ those things sense the vibration of the membrane, the tympanic
274
+
275
+ membrane, and they then transform that vibration into magical electrochemical
276
+
277
+ energy that is sent to the rest of the brain.
278
+
279
+ So these sensory nerve endings are all just simply basically
280
+
281
+ transmuting that external stimulus into something that is an action
282
+
283
+ potential.
284
+
285
+ Effectively.
286
+
287
+ I've learned a lot in that sentence, but it's what
288
+
289
+ you need to think about.
290
+
291
+ There's a couple of definitions I just want to get
292
+
293
+ us through as well.
294
+
295
+ The first is that essentially receptors signals the presence, that
296
+
297
+ is the actual detects the presence of an object and
298
+
299
+ signals at a location on the body.
300
+
301
+ So if we can imagine a stimulus saying, let's just
302
+
303
+ think the easiest to think of touching your skin, if
304
+
305
+ you touch it very lightly, you can't feel it.
306
+
307
+ Or you can because if someone else touches in very
308
+
309
+ lightly, you would feel that is only when you make
310
+
311
+ a strong enough indentation of the skin that you can
312
+
313
+ feel pressure.
314
+
315
+ And so as we discussed in a couple of lectures
316
+
317
+ ago, now, those have thresholds.
318
+
319
+ They need a minimum intensity of a stimulus to generate
320
+
321
+ an action potential.
322
+
323
+ And so you can imagine gradually increasing the amount of
324
+
325
+ pressure that someone applies to your skin.
326
+
327
+ And at some point, you will notice that.
328
+
329
+ And that's because as the stimulus intensity increases, so there
330
+
331
+ are small changes in the resting membrane potential of these
332
+
333
+ nerve cells.
334
+
335
+ And at some point in time, that small change is
336
+
337
+ sufficient to drive the occurrence of an action potential.
338
+
339
+ As we talked about in the third or fourth lecture.
340
+
341
+ So there's a threshold, there's a minimum intensity which are
342
+
343
+ below which you're not sensitive.
344
+
345
+ INVISION Minimum intensity is several photons.
346
+
347
+ In a perfectly black environment.
348
+
349
+ We turn all life off here.
350
+
351
+ We did what we call dark adaptation that is sat
352
+
353
+ in the dark for half an hour.
354
+
355
+ And your world photoreceptors incredibly sensitive.
356
+
357
+ They can actually detect the presence of a few photons
358
+
359
+ is really useful if you're running around the savanna late
360
+
361
+ at night trying to avoid lions.
362
+
363
+ And so they can be very sensitive, these receptors, but
364
+
365
+ they still need a minimum level before they can sense
366
+
367
+ something and signal something that would be, say, the threshold.
368
+
369
+ The next point is that as you increase the intensity,
370
+
371
+ the stimulus, at some point in time, you generate a
372
+
373
+ number of action potentials.
374
+
375
+ So at this point in time below here, below the
376
+
377
+ stimulus intensity, this neurone may not be signalling the presence
378
+
379
+ of the stimulus above that it does signal the presence
380
+
381
+ of the stimulus and indeed the action potentials that the
382
+
383
+ neurone produces increase with the intensity of the stimulus.
384
+
385
+ So the number of action potentials is neurone produces signal
386
+
387
+ something about the intensity of the stimulus in the outside
388
+
389
+ world.
390
+
391
+ This function is often called a sigmoid because it looks
392
+
393
+ a bit like an S, and you'll be encountering it
394
+
395
+ several times over the next few weeks.
396
+
397
+ The second related concept is that all sensory neurones have
398
+
399
+ receptive fields.
400
+
401
+ While sometimes we try and work this out, but it's
402
+
403
+ really, really simple.
404
+
405
+ The idea is that sensory stimuli, even if it's an
406
+
407
+ effective stimulus, let's just say it's a finger press on
408
+
409
+ your arm.
410
+
411
+ Each individual nerve cell is sensitive to a particular location
412
+
413
+ on the arm that that finger is put.
414
+
415
+ And if the finger is put somewhere else and the
416
+
417
+ rest of the body at nerve cell is not going
418
+
419
+ to sense it.
420
+
421
+ So it has a receptive field.
422
+
423
+ It has an area of the skin within which this
424
+
425
+ object, your finger, needs to be placed for the pressure
426
+
427
+ to elicit a response from that nerve so that its
428
+
429
+ receptive field will go through that in the second.
430
+
431
+ The same concept can be thought of in terms of
432
+
433
+ vision.
434
+
435
+ In that case, nerve cells in a visual pathway may
436
+
437
+ only respond if a light stimulus is placed in a
438
+
439
+ certain part of the visual field, say up here and
440
+
441
+ to the right.
442
+
443
+ It won't respond if in space over here or down
444
+
445
+ here or up here is the location in the visual
446
+
447
+ field or exactly equivalently the location on the retina where
448
+
449
+ that image is projected, where those receptive fields are.
450
+
451
+ So that's a receptive field location on your body, whether
452
+
453
+ on your body sensory surface, whether it is in the
454
+
455
+ eye, the cochlea, wherever, whereabouts.
456
+
457
+ So it takes information from.
458
+
459
+ It only takes you from a limited part of the
460
+
461
+ visual world, from limb, part of the body, etc..
462
+
463
+ And you can think of this.
464
+
465
+ We often think of these receptive fields as having a
466
+
467
+ non-uniform sensitivity across that, and we'll get into that in
468
+
469
+ a second.
470
+
471
+ But the idea here is that basically at the periphery
472
+
473
+ of the recipe field, the nerve cell is not very
474
+
475
+ sensitive.
476
+
477
+ You have to make very strong indentations for the nerve
478
+
479
+ cell to respond, whereas in the centre of the receptive
480
+
481
+ field, it's very sensitive in response to slightly weaker indentations.
482
+
483
+ We can measure that by, for example, placing a stimulus
484
+
485
+ at different points relative to the receptive field.
486
+
487
+ And if we do that and measure the number of
488
+
489
+ spikes that are produced by a neurone, we would see
490
+
491
+ something like this profile, like a Gaussian, usually a normal
492
+
493
+ distribution whereby the same stimulus is capable of finding many
494
+
495
+ spikes when space in the centre of the receptive field,
496
+
497
+ but only a few in space on the periphery.
498
+
499
+ Now, the observant of you there will think, well, hang
500
+
501
+ on a sec.
502
+
503
+ If if there is any field means that the number
504
+
505
+ of spikes in your produces for the same stimulus depends
506
+
507
+ on the location with respect to this centre of the
508
+
509
+ receptive field.
510
+
511
+ And the number of spikes produced depends on the intensive
512
+
513
+ stimulus.
514
+
515
+ Isn't there a confound there?
516
+
517
+ Isn't there something?
518
+
519
+ Couldn't I trade off the intensity of stimulus for the
520
+
521
+ spatial position and get the same number of action cancels
522
+
523
+ from this nerve?
524
+
525
+ So.
526
+
527
+ And if you were thinking that that's precisely correct, that's
528
+
529
+ one of the major compounds in sensory pathways, trying to
530
+
531
+ extract the important things from what is often multiple different
532
+
533
+ types of causes that could give rise to the same
534
+
535
+ number of action potentials.
536
+
537
+ And hopefully we'll be able to get through that a
538
+
539
+ little bit later in this lecture.
540
+
541
+ So I said that receptive fields at his low clients,
542
+
543
+ discreet places in your skin or in your eyes or
544
+
545
+ wherever with something is responsive to this is most nicely
546
+
547
+ exhibited in the snout essentially system because the body the
548
+
549
+ skin provides his surface, which he can explicitly think about
550
+
551
+ or simply feels.
552
+
553
+ And there's actually been some recordings from humans here where
554
+
555
+ you put a small electrode into one of the nerves
556
+
557
+ in the arm and you can, in five circumstances, pick
558
+
559
+ up the activity of sensory nerve cells and those nerves.
560
+
561
+ And you can map out the respective fields of both
562
+
563
+ sensory nerve cells.
564
+
565
+ And it turns out that they look a little bit
566
+
567
+ like this, honey, to form circles on the hand here.
568
+
569
+ And you see that they have different sizes such that
570
+
571
+ they're a bit larger.
572
+
573
+ If you're on the palm of the hand and it's
574
+
575
+ quite a bit smaller from the fingertip.
576
+
577
+ And you can think of that here.
578
+
579
+ For example, having many small receptive fields on the thumb
580
+
581
+ of the finger and large ones on the palm of
582
+
583
+ the arm.
584
+
585
+ Fewer of them.
586
+
587
+ So it turns out this is, as I said, as
588
+
589
+ a general principle, since we systems that distribution of receptors
590
+
591
+ on the body or in the eye is not the
592
+
593
+ same across the whole body.
594
+
595
+ Some parts of the body have much higher density of
596
+
597
+ receptors and some have much lower density.
598
+
599
+ However, the whole surface is what we call tile or
600
+
601
+ antisense receptors.
602
+
603
+ That is, every part of the skin or every part
604
+
605
+ of the eye has at least one sense for detecting
606
+
607
+ stuff in there.
608
+
609
+ So the combination of these two things, the timing and
610
+
611
+ the sizes, has profound consequences on our sensory abilities.
612
+
613
+ You can actually do this yourself, or rather you can
614
+
615
+ do this with a partner.
616
+
617
+ If you get a paper clip and expose the two
618
+
619
+ ends, you can do what's called a two point discrimination.
620
+
621
+ The idea there is that if you move the ends
622
+
623
+ of the pits further and closer together, you can change
624
+
625
+ the distance on the other parts of the skin that
626
+
627
+ you're going to stimulate when you press that paperclip onto
628
+
629
+ the skin.
630
+
631
+ Now, if those two points are close enough together and
632
+
633
+ you put it on, say your arm here, you detect,
634
+
635
+ you experience the sensation of just having a single pinprick
636
+
637
+ on your on your arm.
638
+
639
+ If, on the other hand, you stuck that on the
640
+
641
+ finger, you will detect or experience two different distinct pinpricks
642
+
643
+ in your fingertip.
644
+
645
+ So what's the reason for that?
646
+
647
+ Why is it that the same stimulus feels like one
648
+
649
+ thing?
650
+
651
+ One's on your arm or on your palm for two
652
+
653
+ things.
654
+
655
+ One is on your fingertips.
656
+
657
+ So the reason for that can be is logical from
658
+
659
+ the structure of these receptive fields on your fingertips or
660
+
661
+ on your thumb.
662
+
663
+ The receptive fields are very small, so that seems distance
664
+
665
+ apart of those two pinpricks will activate two distinct sensory
666
+
667
+ receptors and evacuating two distinct sensory receptors, you will sense
668
+
669
+ two distinct objects that are touching your skin.
670
+
671
+ On the other hand, if those same interests are made
672
+
673
+ on your arm, you're activating only a single sensory receptor.
674
+
675
+ And if you activate only a single sensory receptor, you'll
676
+
677
+ feel only one object on your skin.
678
+
679
+ So the size of these receptors means that you can
680
+
681
+ distinguish between two objects or one object being present.
682
+
683
+ I'm not going to talk much about the subcortical pathways
684
+
685
+ for presentation.
686
+
687
+ The key point here in the Spanish sensory system, and
688
+
689
+ as we'll discover in a second in the visual system,
690
+
691
+ is that these signals are taken from the skin, in
692
+
693
+ this case through the spinal cord, taken up through the
694
+
695
+ thalamus, everything goes through the thalamus of cerebral cortex, and
696
+
697
+ they project upon what is called the primary somatic sensory
698
+
699
+ cortex.
700
+
701
+ It's not a sensory to touch primary because that's the
702
+
703
+ major source of input from the thalamus.
704
+
705
+ So the primary cortices are those part of the cerebral
706
+
707
+ cortex, the input from the thalamic relay cells for each
708
+
709
+ different modality.
710
+
711
+ And they form this, they project in this case onto
712
+
713
+ the present.
714
+
715
+ So we'll see in a second in the cerebral cortex.
716
+
717
+ By the way, a lot of what we know about
718
+
719
+ this is actually from work, from Walter Penfield and his
720
+
721
+ colleagues in McGill.
722
+
723
+ Back in the 1940s and fifties, where as they were
724
+
725
+ preparing patients for surgery for epilepsy, actually made in different
726
+
727
+ parts of the cerebral cortex.
728
+
729
+ And that's what the patients felt.
730
+
731
+ These experiments are no longer very often conducted, but they
732
+
733
+ were incredibly illuminating at the time.
734
+
735
+ They were able to map out in humans the structure
736
+
737
+ of this amount of sensory cortex, for example, by asking
738
+
739
+ people what they felt when you stimulated different parts of
740
+
741
+ the cortex.
742
+
743
+ So this is the central stool because these are going
744
+
745
+ to be the potential supertankers get some fees.
746
+
747
+ This is a central focus as part of the major
748
+
749
+ Suvi in the brain and before pre and post after
750
+
751
+ the simple superset is post mains behind towards the back
752
+
753
+ of the brain premiums in front was a frontal brain
754
+
755
+ and if you looked along this potential suitcase, you find
756
+
757
+ a structure which is incredibly beautiful.
758
+
759
+ What happens there is that if you stimulate different parts
760
+
761
+ of this personal sulcus, some person will report that they
762
+
763
+ feel sensations at different parts of their body.
764
+
765
+ So, for example, if you down on the lateral side
766
+
767
+ and you stimulate it, you might find that some reports
768
+
769
+ that they felt a sensation on their face.
770
+
771
+ Whereas if you're up on the top medial side, that
772
+
773
+ report, instead of sensation on that front or on the
774
+
775
+ foot or leg.
776
+
777
+ So depending on whereabouts alone, this person was suicidal whereabouts
778
+
779
+ and cerebral sucres are you are encoding.
780
+
781
+ You are representing activity on different parts of your skin.
782
+
783
+ I think this gives rise to the concept, which is
784
+
785
+ the homunculus in terms of the touch among us means
786
+
787
+ little man.
788
+
789
+ And if you look at the representation of the body
790
+
791
+ on this first episode, the touch representation, you find that
792
+
793
+ this continuous representation of different parts of the body and
794
+
795
+ different parts of the body that are closer together are
796
+
797
+ generally speaking, represented closer together on the cortex.
798
+
799
+ So if example, the foot is represented a similar location
800
+
801
+ to the leg or the trunk, whereas if face the
802
+
803
+ lips and the nose are represented close to each other
804
+
805
+ and in between these of that hand in the arm.
806
+
807
+ So you get this map of the body that's formed
808
+
809
+ on this matter sensory cortex.
810
+
811
+ It's the different types of touch that you can get
812
+
813
+ in different parts of your body as represented on the
814
+
815
+ similar sensory cortex.
816
+
817
+ And you find that actually some parts of the body
818
+
819
+ seem to be overrepresented.
820
+
821
+ For example, the face is a large part of the
822
+
823
+ sensory cortex, whereas the foot is quite a small part,
824
+
825
+ even though its size is relatively speaking, even not in
826
+
827
+ many cases in the face or the trunk, for example,
828
+
829
+ occupies almost a minuscule part of the cerebral cortex.
830
+
831
+ And the reason for that is fairly obvious if you
832
+
833
+ think of just one simple principle.
834
+
835
+ Every sensory receptor has about the same amount of cerebral
836
+
837
+ cortex devoted to it.
838
+
839
+ It follows then that we have more sensor receptors, for
840
+
841
+ example, on your finger, on your thumb, on your face,
842
+
843
+ you'll have more cerebral cortex devoted to that part of
844
+
845
+ the body.
846
+
847
+ And when you have less sensory receptors, it shrunk your
848
+
849
+ arm, your leg, you have less part of the body
850
+
851
+ devoted to that is what we would call cortical magnification.
852
+
853
+ The idea that the cerebral cortex is like a magnifying
854
+
855
+ glass onto your body.
856
+
857
+ That magnifying glass, how much it magnifies depend on the
858
+
859
+ density of the sensory receptors at that part of your
860
+
861
+ body.
862
+
863
+ This is what the locomotive looks like if you're trying
864
+
865
+ to represent it as an intact human being.
866
+
867
+ This cortical magnification has some implications.
868
+
869
+ It means that your ability, as I said, to detect
870
+
871
+ small changes in the position of objects or the presence
872
+
873
+ of two objects instead of one depends on the density
874
+
875
+ of sensory receptors and therefore the amount of cerebral cortex
876
+
877
+ that's actually devoted to that part of the skin.
878
+
879
+ This graph here shows you compares is perceptual, the psychophysical
880
+
881
+ acuity that you have the different parts of your body
882
+
883
+ and that low numbers in mean high acuity.
884
+
885
+ That means you're very sensitive to small distances and large
886
+
887
+ numbers being low acuity.
888
+
889
+ That means you in much larger distances between objects to
890
+
891
+ determine tunes at one there and can see that the
892
+
893
+ areas of the body with the largest or the lowest
894
+
895
+ acuity at a lower arm of the arm, shoulder, belly,
896
+
897
+ back breast, thigh, half all those areas where you know
898
+
899
+ yourself that when you touch those things, you're very less
900
+
901
+ tense, very much less sensitive to the structure of the
902
+
903
+ things that are touching that part of the body.
904
+
905
+ Whereas for example, the fingers and the upper lip, the
906
+
907
+ cheek, the nose have much higher acuity and much more
908
+
909
+ sensitive to different the structure of the things that are
910
+
911
+ touching the body.
912
+
913
+ So this density of receptors determines the amount of cerebral
914
+
915
+ cortex that is actually devoted to that part of the
916
+
917
+ sensory apparatus.
918
+
919
+ And that amount of cortex is devoted to that.
920
+
921
+ Sensory in turn dictates how sensitive or how how much
922
+
923
+ acuity you have, the sensory stimuli that impinge in that
924
+
925
+ part of the body.
926
+
927
+ I just briefly wanted to show you the structure, the
928
+
929
+ visual pathways, very similar.
930
+
931
+ I'm not going to go through all these lines.
932
+
933
+ I just want to illustrate to you from a paper
934
+
935
+ that we produced many years ago now, that in the
936
+
937
+ eye there are retinal nerve cells which include photoreceptors that
938
+
939
+ signal they're actually communicated by a little network of cells
940
+
941
+ in the retina, which you learn about later stages via
942
+
943
+ ganglion cells, whose axons make up the optic nerve.
944
+
945
+ Those ganglion cells in turn go to this little structure
946
+
947
+ in the thalamus the lateral clinic is, and from there
948
+
949
+ their signals projected the primary visual cortex or V1.
950
+
951
+ So very similar in structure to this, not a sensory
952
+
953
+ pathway, except that one went through the spinal cord to
954
+
955
+ get the thalamus and then the cortex or this one
956
+
957
+ from the eye or straight through the optic nerve, through
958
+
959
+ the thalamus and the visual cortex.
960
+
961
+ There are different pathways from the eye to the thalamus,
962
+
963
+ and that's to visual cortex.
964
+
965
+ We often call these the P of the M or
966
+
967
+ the PARTICELLE, and the Minnesota pathways is quite a bit
968
+
969
+ in the reading that I suggested you do that discusses
970
+
971
+ how the signals of these nerve cells differ.
972
+
973
+ I just want to introduce you to the idea that
974
+
975
+ they actually have different structure and different types of signals.
976
+
977
+ Now, I said on the cement essentially surface, you can
978
+
979
+ tell quite easily that the finger, for example, is what
980
+
981
+ you used to touch on things, and you can feel
982
+
983
+ the fine gradations in the texture, for example, the surface.
984
+
985
+ Similarly, if you look in the eye, if you take
986
+
987
+ a photo through the eye and this is what a
988
+
989
+ photo through the eye looks like, you see an object.
990
+
991
+ This is the bit where the optic nerve starts with
992
+
993
+ the axons of the ganglion cells come out of the
994
+
995
+ eye and go into the optic nerve.
996
+
997
+ It's also the place where the blood vessels come into
998
+
999
+ the eye from the optic nerve.
1000
+
1001
+ This is the picture of the eye through a fan
1002
+
1003
+ scope and in the middle of the eye.
1004
+
1005
+ See, the structure is called the phobia.
1006
+
1007
+ It's an incredible structure.
1008
+
1009
+ And this structure, you've got no blood vessels.
1010
+
1011
+ This is Photoshopped as a smaller than anywhere else in
1012
+
1013
+ the body.
1014
+
1015
+ And then the other apparatus in the retina has been
1016
+
1017
+ pushed away.
1018
+
1019
+ So the photos have to have direct access to the
1020
+
1021
+ light that comes through the lens and hits the retina.
1022
+
1023
+ And in this location, in this part of the eye,
1024
+
1025
+ the small part of the eye is about three or
1026
+
1027
+ four millimetres in size.
1028
+
1029
+ You have this incredibly dense population of nerve cells called
1030
+
1031
+ cone photoreceptors, and that's represented by this paper down here.
1032
+
1033
+ You can see the density of these cones peaks in
1034
+
1035
+ that area.
1036
+
1037
+ And that means that there's because there's so many different,
1038
+
1039
+ so many more photoreceptors in this particular part of the
1040
+
1041
+ eye that you can distinguish between an object that's slightly
1042
+
1043
+ displaced.
1044
+
1045
+ So when I wanted to see the structure of the
1046
+
1047
+ visual world, what I need to do is I need
1048
+
1049
+ to move my eyes around so that part of the
1050
+
1051
+ world that I'm interested in falls on the phobia.
1052
+
1053
+ Because then I can distinguish the difference between what might
1054
+
1055
+ be, for example, a happy face, a sad face, a
1056
+
1057
+ bald face.
1058
+
1059
+ So if I want to see that fine special detail,
1060
+
1061
+ someone at the back of the room who's sitting there
1062
+
1063
+ looking at me, that is about one quarter of my
1064
+
1065
+ thumb.
1066
+
1067
+ And is it slightly less than one degree of ice?
1068
+
1069
+ If I want to be able to distinguish the difference
1070
+
1071
+ between someone's eyes or their face to recognise their face,
1072
+
1073
+ I have to bring my phobia onto that object.
1074
+
1075
+ I have to move my eyes so that that part
1076
+
1077
+ of the visual falls onto my phobia where I have
1078
+
1079
+ this really dense array of photoreceptors.
1080
+
1081
+ I won't talk about them at all.
1082
+
1083
+ But the gods, the ones which are important for night
1084
+
1085
+ vision actually more dense just outside of the phobia.
1086
+
1087
+ And so it turns out if you're ever out there
1088
+
1089
+ in the dark night looking at the stars, if you
1090
+
1091
+ want to see a star, you don't look directly at
1092
+
1093
+ it, you slightly side of it.
1094
+
1095
+ And that's because of what photoreceptors are actually absent from
1096
+
1097
+ the photograph from the centre of your gaze.
1098
+
1099
+ And instead you need to bring that light onto the
1100
+
1101
+ side of your phobia with regard to actually most dense.
1102
+
1103
+ It turns out that this structure, this density photo receptors
1104
+
1105
+ in the in the phobia, which is so much greater
1106
+
1107
+ in the phobia than elsewhere in the eye, is paralleled
1108
+
1109
+ by changes in the structure of the subsequent nerve cells
1110
+
1111
+ in the eye.
1112
+
1113
+ And the consequence is that we can't see fine spatial
1114
+
1115
+ detail in the periphery of our vision.
1116
+
1117
+ This again is the idea of cortical magnification.
1118
+
1119
+ We can see fine spatial detail when we're looking directly
1120
+
1121
+ at something, but not when away from that centre of
1122
+
1123
+ our guys.
1124
+
1125
+ Our cortex has magnified that small part of the visual
1126
+
1127
+ field, which is occupied by the phobia.
1128
+
1129
+ I think that's about the size of your thumb.
1130
+
1131
+ That part of the visual field where all these thousands
1132
+
1133
+ of kind photoreceptors are sitting waiting for light to come.
1134
+
1135
+ The primary visual cortex is actually totally magnifying that part
1136
+
1137
+ of the visual field.
1138
+
1139
+ Some estimates would put it to be something like 20
1140
+
1141
+ or 30% of primary visual cortex is devoted to this
1142
+
1143
+ tiny little part of the visual field, and the rest
1144
+
1145
+ of the visual field is consequently represented by many fewer
1146
+
1147
+ ganglion cells, cells in the cortex.
1148
+
1149
+ So therefore we're much less capable of seeing the finer
1150
+
1151
+ spatial detail away from the centre of gaze because the
1152
+
1153
+ cortical magnification is so pronounced for us.
1154
+
1155
+ For real.
1156
+
1157
+ You can see this yourself.
1158
+
1159
+ If you have a look at this slight demonstration here.
1160
+
1161
+ If you look in the centre of this thing here
1162
+
1163
+ on the projector, you should be able to read.
1164
+
1165
+ If you look where the arrow is, you should be
1166
+
1167
+ able to define or distinguish what each of the different
1168
+
1169
+ letters is.
1170
+
1171
+ Does everyone agree with that?
1172
+
1173
+ Approximately.
1174
+
1175
+ If you look at the centre, you can still see
1176
+
1177
+ this on the left, the K on the right and
1178
+
1179
+ left from bottom on the top.
1180
+
1181
+ It's like going to.
1182
+
1183
+ I then if, on the other hand, you look at
1184
+
1185
+ the air over here, you should not be able to
1186
+
1187
+ define many of the letters.
1188
+
1189
+ They are present there.
1190
+
1191
+ So you may be able to see that the ace
1192
+
1193
+ in the S is there and you could see the
1194
+
1195
+ K in the R, But many of the things like
1196
+
1197
+ T.P. y are actually indecipherable to you.
1198
+
1199
+ And the reason for that is that what I've done
1200
+
1201
+ in making this diagram here is scale the size of
1202
+
1203
+ the letters so that they occupy approximately the same amount
1204
+
1205
+ of cerebral cortex when you're looking at the centre of
1206
+
1207
+ the diagram.
1208
+
1209
+ And because they'll find the same amount of cerebral cortex,
1210
+
1211
+ you're equally able to see all those letters.
1212
+
1213
+ But when we look at the eye and this is
1214
+
1215
+ no longer matched, sometimes that is a much smaller and
1216
+
1217
+ occupying enough of the cerebral cortex.
1218
+
1219
+ The magnification is wrong.
1220
+
1221
+ So this viewpoint.
1222
+
1223
+ So you are less able to be able to detect
1224
+
1225
+ what these different letters are.
1226
+
1227
+ Hmm.
1228
+
1229
+ I said that there were parallel pathways that take the
1230
+
1231
+ signals from the eye to the visual cortex, and these
1232
+
1233
+ are quite pronounced if you look in the thalamus.
1234
+
1235
+ You can see in this little structure overlap, which is
1236
+
1237
+ a beautiful structure.
1238
+
1239
+ I spent most of my life studying it.
1240
+
1241
+ So I think it's beautiful.
1242
+
1243
+ It's called that unique because it looks a bit like
1244
+
1245
+ a me.
1246
+
1247
+ If you're younger than me, actually bend your knee, then
1248
+
1249
+ you would look a little bit like me.
1250
+
1251
+ And in this little genic nucleus, which you can see
1252
+
1253
+ by the naked eye is these different layers or parts
1254
+
1255
+ of magnet.
1256
+
1257
+ So it layers smaller and larger cell bodies.
1258
+
1259
+ And it is these layers.
1260
+
1261
+ Now we know that these cells would communicate different things
1262
+
1263
+ to the cerebral cortex.
1264
+
1265
+ These different layers get different inputs from the eye, in
1266
+
1267
+ particular these ganglion cells, the cells that form apple to
1268
+
1269
+ the eye, to the thalamus.
1270
+
1271
+ The particular ones are much smaller.
1272
+
1273
+ They're going to pass through the magnet.
1274
+
1275
+ So everyone's a much larger.
1276
+
1277
+ They're going to be sterilised.
1278
+
1279
+ And then these signals of these thalamic neurones then go
1280
+
1281
+ to primary visual cortex.
1282
+
1283
+ Now, turns out there's very few ways to test this.
1284
+
1285
+ But the only in fact, the only way to really
1286
+
1287
+ test is supply small lesions, as we discussed last week.
1288
+
1289
+ You can place small lesions in the brain, in animals,
1290
+
1291
+ in a small controlled lesions, and you can destroy some
1292
+
1293
+ of the nerve cells in the palm.
1294
+
1295
+ So all the magnet, some of the layers.
1296
+
1297
+ And if you try an animal farm to report things
1298
+
1299
+ about the outside world and therefore ask whether or not
1300
+
1301
+ these nerve cells that come from the right things in
1302
+
1303
+ the retina and send them to the cerebral cortex with
1304
+
1305
+ these nerve cells saying different things, the cerebral cortex.
1306
+
1307
+ And it turns out they do.
1308
+
1309
+ So, for example, in this set of beautiful work is
1310
+
1311
+ Bill Murray and to conduct in the late 1980s and
1312
+
1313
+ 90.
1314
+
1315
+ Summarised in this review that I cited here, the idea
1316
+
1317
+ is that there's a lesion this place in the palm
1318
+
1319
+ of the layers of the macaque monkey.
1320
+
1321
+ Or in the magnesium layers of the of a different
1322
+
1323
+ macaque monkey with monkey before the length made.
1324
+
1325
+ This monkey is trained to report simple things about the
1326
+
1327
+ outside world.
1328
+
1329
+ What the colour they trying to simply report.
1330
+
1331
+ What is something they will not.
1332
+
1333
+ In a particular location.
1334
+
1335
+ Hmm.
1336
+
1337
+ If there was something that I went to make one
1338
+
1339
+ important.
1340
+
1341
+ If there wasn't a to make another report.
1342
+
1343
+ These graphs here, the solid lines show the capacity of
1344
+
1345
+ the animal to detect something which varies either in the
1346
+
1347
+ kind of striping this of the patterns that are present
1348
+
1349
+ or in the flicker.
1350
+
1351
+ That is the kind of amount of times per second
1352
+
1353
+ something flickers, a light flickers.
1354
+
1355
+ Africa is defined by the tempo frequency.
1356
+
1357
+ That is how many times a second something, because the
1358
+
1359
+ spatial frequency here is just how many of these fine
1360
+
1361
+ bars you have in one degree of visual angle, the
1362
+
1363
+ solid limestone, what the monkey does in the normal case
1364
+
1365
+ without a lesion and the different points.
1366
+
1367
+ So the monkeys performance when you've after you've made a
1368
+
1369
+ lesion, it turns out that if you make a lesion
1370
+
1371
+ at the end pathway, you have almost no impact on
1372
+
1373
+ the monkey's capacity to detect the spatial form of an
1374
+
1375
+ object.
1376
+
1377
+ Whereas if you make a leap into the pathway, this
1378
+
1379
+ is almost most.
1380
+
1381
+ On the other hand, if you make a lesion at
1382
+
1383
+ the pathway you detect, you abolish the animal's capacities, the
1384
+
1385
+ black lines here to detect very rapidly flickering things.
1386
+
1387
+ Whereas if you abolish the pathway, we preserve the capacity
1388
+
1389
+ to detect those rapidly flickering things.
1390
+
1391
+ And finally, if you lesion the pathway, you kind of
1392
+
1393
+ the monkey cannot see coloured objects, whereas if you lesion
1394
+
1395
+ the pathway, the monkey can.
1396
+
1397
+ So these things, these different perceptual abilities in the presence
1398
+
1399
+ and absence of different pathways suggest that the different signals
1400
+
1401
+ that come from the eye to the cortex carry qualitatively
1402
+
1403
+ different and qualitatively different signals about the outside world that
1404
+
1405
+ carried along the parallel pathways to the cerebral cortex where
1406
+
1407
+ they are.
1408
+
1409
+ Then we combine.
1410
+
1411
+ So when we get to Cortex, we've got all these
1412
+
1413
+ parallel pathways doing stuff in the sensory periphery, whether in
1414
+
1415
+ visual cortex and other sensory cortex, wherever it is.
1416
+
1417
+ We have these parallel pathways from a sensory final thalamus,
1418
+
1419
+ bringing all this information up to the cortex.
1420
+
1421
+ And somehow the cortex has to rearrange these interesting judgements
1422
+
1423
+ about the outside world.
1424
+
1425
+ For many years.
1426
+
1427
+ Before that, the brain was basically you what you're born
1428
+
1429
+ with.
1430
+
1431
+ You had that there was no plasticity in the brain.
1432
+
1433
+ It took several decades of experiments to actually reject that
1434
+
1435
+ hypothesis.
1436
+
1437
+ I want to show you a couple of those experiments
1438
+
1439
+ in the substance lines on this line.
1440
+
1441
+ These are some of the very early experiments that were
1442
+
1443
+ able to reject the hypothesis that the brain, the cerebral
1444
+
1445
+ cortex in particular, was indifferent to experience.
1446
+
1447
+ It was the same when you were born as when
1448
+
1449
+ you were dying.
1450
+
1451
+ These two experiments relied again on work on monkeys because
1452
+
1453
+ these monkeys were easy enough to be trained to report
1454
+
1455
+ what had happened to to the outside world.
1456
+
1457
+ In the first experiment here, I want to say is
1458
+
1459
+ the monkey was trained to hold the fingers against a
1460
+
1461
+ little rotating disc, and I had to make judgements about
1462
+
1463
+ that rotating this, I think the direction of motion, that
1464
+
1465
+ rotating disk using the fingers only.
1466
+
1467
+ The question was, would the experience, the long term experience
1468
+
1469
+ of making this judgement with your fingers change the representation
1470
+
1471
+ of the fingers in the cerebral cortex?
1472
+
1473
+ And the way that the researchers went about trying to
1474
+
1475
+ address that question is that they made electrophysiological recordings from
1476
+
1477
+ this ninth century cortex of these monkeys before, during and
1478
+
1479
+ after training to do this simple task.
1480
+
1481
+ And what they find is summarised in this slide here,
1482
+
1483
+ which is a little bit complicated, but the end result
1484
+
1485
+ is very straightforward.
1486
+
1487
+ So this is recording from this mid-century area of an
1488
+
1489
+ al monkey, people that monkey, and they're recording from the
1490
+
1491
+ region that is most important in representing the hand associated
1492
+
1493
+ before it's a monkey.
1494
+
1495
+ Listen, the sensory cortex that's there now monkeys as it
1496
+
1497
+ is in humans.
1498
+
1499
+ What they did was they made recordings from these part
1500
+
1501
+ of the cortex before experience, and they found a particular
1502
+
1503
+ representation of the digits, the final four digits, five, which
1504
+
1505
+ of the hand in this part of the cortex.
1506
+
1507
+ And that's described over here.
1508
+
1509
+ So is the fifth, fourth, second or third digit.
1510
+
1511
+ And the normal here.
1512
+
1513
+ In the normal case, these different digits have approximately equal
1514
+
1515
+ parts of the cortex devoted to them.
1516
+
1517
+ However, following this experience, following this training, you find a
1518
+
1519
+ substantial overrepresentation of the second and the third digit, and
1520
+
1521
+ those are the two digit, the two fingers that the
1522
+
1523
+ animal is using to make this judgement.
1524
+
1525
+ So prolonged exposure to these kind of tasks has changed
1526
+
1527
+ how the cerebral cortex is organised.
1528
+
1529
+ It has increased the amount of cerebral cortex that's important,
1530
+
1531
+ that's used for extending information from those two digits.
1532
+
1533
+ The animals used to do the task.
1534
+
1535
+ So the brain is plastic.
1536
+
1537
+ The organisation, the cerebral cortex is plastic.
1538
+
1539
+ It can adapt to the structure of experience and tasks
1540
+
1541
+ that we would need to accomplish.
1542
+
1543
+ Although a substantial amount of work as shown this many
1544
+
1545
+ different systems since, and this was the original work to
1546
+
1547
+ show that this plasticity was there.
1548
+
1549
+ I really encourage you to read it with a beautiful
1550
+
1551
+ set of experiments.
1552
+
1553
+ The converse is it can also be studied.
1554
+
1555
+ That is what happens when you lose a digit or
1556
+
1557
+ lose some part of your sensory periphery.
1558
+
1559
+ In this case, if the animal, for example, loses a
1560
+
1561
+ third digit.
1562
+
1563
+ This case is surgically removed and the seizure.
1564
+
1565
+ Again, you can make the recordings before and after that
1566
+
1567
+ surgery.
1568
+
1569
+ And again, you can measure in this case again from
1570
+
1571
+ one case in the parts of the brain that represent
1572
+
1573
+ the hand.
1574
+
1575
+ And you find, at least in some cases and this
1576
+
1577
+ is still controversial, that when the third digit is removed,
1578
+
1579
+ a bit of the cerebral cortex that was responsible for
1580
+
1581
+ including things that happened on that anger now include things
1582
+
1583
+ that happened on the second or the fourth or the
1584
+
1585
+ ninth and fingers.
1586
+
1587
+ It's like this piece of cerebral cortex wants to do
1588
+
1589
+ something, wants to do anything.
1590
+
1591
+ And in the absence of any input from the third
1592
+
1593
+ digit, it's asking for input from the second and the
1594
+
1595
+ fourth digits help the brain represent things that are going
1596
+
1597
+ on there.
1598
+
1599
+ So the brain is the cerebral cortex is plastic.
1600
+
1601
+ It can adapt to changes in the input from the
1602
+
1603
+ outside world.
1604
+
1605
+ Say this is not uncontroversial.
1606
+
1607
+ In some systems, this seems to be less the case,
1608
+
1609
+ and some systems seem to be more the case.
1610
+
1611
+ It is certainly dependent on what kind of life injury
1612
+
1613
+ happened early.
1614
+
1615
+ Younger people who suffer injuries have more cortical plasticity.
1616
+
1617
+ Older people have less.
1618
+
1619
+ One of the things that this leads to is phantom
1620
+
1621
+ limb.
1622
+
1623
+ And I just want to spend a couple of seconds
1624
+
1625
+ showing you a really effective video from one of the
1626
+
1627
+ leaders in this field.
1628
+
1629
+ Ramachandran.
1630
+
1631
+ I find this quite an effective video, so just spend
1632
+
1633
+ a couple minutes on.
1634
+
1635
+ Twins First patients this Derek Steen.
1636
+
1637
+ All right.
1638
+
1639
+ One of Ramachandran first patients was Derek Steen.
1640
+
1641
+ 13 years ago, he was involved in a motorcycle accident,
1642
+
1643
+ and I pulled the nerves out of my spinal cord
1644
+
1645
+ up in my neck.
1646
+
1647
+ They told my parents directly that I would never use
1648
+
1649
+ my arm again.
1650
+
1651
+ About seven years ago, I was reading through the classifieds
1652
+
1653
+ and I saw an ad in there.
1654
+
1655
+ Amputees wanted that.
1656
+
1657
+ It was a joke like that.
1658
+
1659
+ It's just basically connecting the club to the ball.
1660
+
1661
+ So I called the number and it was Dr. Ramachandran.
1662
+
1663
+ Go relax.
1664
+
1665
+ Today, Derek is teaching Ramachandran how to play golf.
1666
+
1667
+ But several years ago, Derek made a crucial contribution to
1668
+
1669
+ Ramachandran pioneering work in brain science.
1670
+
1671
+ Yes, I was amazing.
1672
+
1673
+ After my surgery, I sat up in the bed and
1674
+
1675
+ still felt the arm there.
1676
+
1677
+ Still felt everything there.
1678
+
1679
+ And I'm looking down and I'm seeing nothing.
1680
+
1681
+ It was pretty bizarre.
1682
+
1683
+ The more I thought about it, the more it hurt.
1684
+
1685
+ The more it hurt, the more I thought about it.
1686
+
1687
+ So it was it was like it was never ending.
1688
+
1689
+ I mean, I'd break out in a cold sweat and
1690
+
1691
+ turn pale.
1692
+
1693
+ Just standing here talking to you because the pain would
1694
+
1695
+ hit so bad.
1696
+
1697
+ If there is any one thing about our existence that
1698
+
1699
+ we take for granted.
1700
+
1701
+ It's the fact that we have a body.
1702
+
1703
+ Each of us has a body.
1704
+
1705
+ And, you know, you give it a name, it has
1706
+
1707
+ a bank account and so on and so forth.
1708
+
1709
+ But it turns out even your body is something that
1710
+
1711
+ you construct in your mind.
1712
+
1713
+ And this is what we call your body image.
1714
+
1715
+ Now, of course, in my case, it's substantiated by the
1716
+
1717
+ fact that I really use a body with bone and
1718
+
1719
+ tissue.
1720
+
1721
+ But the sense I have, the internal sense I have
1722
+
1723
+ of the presence of a body and arms and all
1724
+
1725
+ of that is, of course, constructed in my brain and
1726
+
1727
+ it's in my mind.
1728
+
1729
+ And the most striking evidence for this comes from these
1730
+
1731
+ patients who have had an amputation and continue to feel
1732
+
1733
+ the presence of the missing.
1734
+
1735
+ How?
1736
+
1737
+ It was the beginning of an important relationship.
1738
+
1739
+ Important for Derek, because not only would he finally understand
1740
+
1741
+ his phantom pain, he would also get to the bottom
1742
+
1743
+ of a mysterious sensation he felt while shaving.
1744
+
1745
+ When I first started shaving after my surgery, I would
1746
+
1747
+ feel my absent hand start to hurt and tingle whenever
1748
+
1749
+ I shaved this left side of my face.
1750
+
1751
+ Meeting Derrick was important for Ramachandran because the explanation he
1752
+
1753
+ came up with would rock the world of neuroscience.
1754
+
1755
+ Photograph.
1756
+
1757
+ That's just my arm.
1758
+
1759
+ The first thing Ramachandran did was to invite Derek to
1760
+
1761
+ his lab for a simple test that I want to
1762
+
1763
+ touch different parts of your body.
1764
+
1765
+ And I just want you to tell me what you
1766
+
1767
+ feel and where you experience the sensation.
1768
+
1769
+ Close your eyes.
1770
+
1771
+ I could feel that on my forehead.
1772
+
1773
+ Anything anywhere else?
1774
+
1775
+ No.
1776
+
1777
+ So my nose.
1778
+
1779
+ Okay.
1780
+
1781
+ My chest.
1782
+
1783
+ Your chest.
1784
+
1785
+ Okay.
1786
+
1787
+ I can feel that on my cheek and I can
1788
+
1789
+ feel rubbing on the phantom left hand.
1790
+
1791
+ On the phantom left hand in addition to your cheek,
1792
+
1793
+ I'm going to run the Q-Tip across your jaw and
1794
+
1795
+ see what happens.
1796
+
1797
+ I can feel like you did by my cheek and
1798
+
1799
+ I can feel a stroking sensation across the phantom hand.
1800
+
1801
+ You actually feel that stroking across your phantom hand.
1802
+
1803
+ Okay, so that small visual video and you can just
1804
+
1805
+ it goes on for a while.
1806
+
1807
+ I encourage you to watch it.
1808
+
1809
+ That shows the fact that this person has lost their
1810
+
1811
+ arm, that some part of their representation of their body
1812
+
1813
+ has distorted not just the inside of the brain, but
1814
+
1815
+ also perceptually cognitively.
1816
+
1817
+ And the likely explanation for this is that one part
1818
+
1819
+ of the likely explanation for this is that the representation
1820
+
1821
+ of the face is actually quite close to the representation
1822
+
1823
+ of the hand.
1824
+
1825
+ And as we saw with the monkey who is missing
1826
+
1827
+ the third digit, when you lose inputs to certain parts
1828
+
1829
+ of the cerebral cortex, that cortex seems to want to
1830
+
1831
+ do something anyway, stop to draw input from neighbouring cortical
1832
+
1833
+ areas.
1834
+
1835
+ So that part of the body which was representing the
1836
+
1837
+ arm is now no longer there.
1838
+
1839
+ Now he's also drawing input from the face as clearly
1840
+
1841
+ more complicated than just simply saying that because this person's
1842
+
1843
+ body image is constructed, image is something that is not
1844
+
1845
+ simply explained just by the amount of sensory cortex, but
1846
+
1847
+ that distortion in the cortical representation is going to contribute
1848
+
1849
+ to the fact that this person feels something, even though
1850
+
1851
+ there is no longer there is plasticity is important in
1852
+
1853
+ helping this, in helping the brain effectively try to reconstruct
1854
+
1855
+ or to do what it would like to do, even
1856
+
1857
+ in the absence of inputs.
1858
+
1859
+ I just want to spend a couple of minutes facing
1860
+
1861
+ what will be spending most of the next lecture on
1862
+
1863
+ or the next one.
1864
+
1865
+ And I'd really like you to do some reading in
1866
+
1867
+ the next section, which is this review that I've put
1868
+
1869
+ up online from Colby and go back to leaders in
1870
+
1871
+ the field reviews to look at old.
1872
+
1873
+ Now that is probably the best conceptualisation of the ideas
1874
+
1875
+ we'll go through in the next lecture.
1876
+
1877
+ We discussed that, that sometimes that is kind of a
1878
+
1879
+ frame of reference in which you understand these sensations is
1880
+
1881
+ is depends on how you want to think about things.
1882
+
1883
+ I just want to explain to you what I mean
1884
+
1885
+ by frames of reference for a few slides.
1886
+
1887
+ So when we look at the cerebral cortex, we see
1888
+
1889
+ this translated into many distinct areas and visual cortex, for
1890
+
1891
+ example, as primary visual cortex.
1892
+
1893
+ But then there's about three or four, maybe even ten
1894
+
1895
+ or 15 different visual areas that sit next to primary
1896
+
1897
+ visual cortex, the whole higher order cortical areas or association
1898
+
1899
+ cortex.
1900
+
1901
+ The same is the case in similar sensory cortex, the
1902
+
1903
+ same effects in the auditory cortex.
1904
+
1905
+ You have these primary areas, then you have these multiple
1906
+
1907
+ other satellite areas.
1908
+
1909
+ And the question arises, one that actually puzzled researchers for
1910
+
1911
+ many decades now is why do you have so many
1912
+
1913
+ cortical areas?
1914
+
1915
+ Why don't we just have one area that's responsible for
1916
+
1917
+ vision, one area that's responsible for autism?
1918
+
1919
+ And the hypothesis that I'd like to explore in the
1920
+
1921
+ next lecture is very much like these parallel pathways from
1922
+
1923
+ the sensory periphery to cerebral cortex.
1924
+
1925
+ These different cortical areas act as parallel representations or parallel
1926
+
1927
+ constructions of the outside world.
1928
+
1929
+ Each area is doing something, creating a slightly different interpretation
1930
+
1931
+ of the outside world.
1932
+
1933
+ This then raises the question of how can these different
1934
+
1935
+ the things that are arising in these different cortical areas
1936
+
1937
+ be brought back together?
1938
+
1939
+ How can the different maps of the outside, both the
1940
+
1941
+ construction of the outside world, be reconciled?
1942
+
1943
+ And the second thing that starts when I ask is
1944
+
1945
+ these topographical photographs and statements, these things that are maps
1946
+
1947
+ of your body, your maps of your eyes, that's fine
1948
+
1949
+ If we want to, you know, represent the precise location
1950
+
1951
+ in our body that something happens.
1952
+
1953
+ But it's not very useful if we want to move
1954
+
1955
+ around the world where I need to know where my
1956
+
1957
+ location is with respect to this table.
1958
+
1959
+ With respect to the microphone.
1960
+
1961
+ With respect to these chairs.
1962
+
1963
+ So the question that arises is how these topographic maps
1964
+
1965
+ of the sensory body of the body of the eye,
1966
+
1967
+ how these transformed into something that could be behaviourally useful,
1968
+
1969
+ could actually help us move around the world accomplish tasks.
1970
+
1971
+ It was not very useful.
1972
+
1973
+ Just simply know that this is a place of my
1974
+
1975
+ hand or my arm.
1976
+
1977
+ Sorry.
1978
+
1979
+ I would like to know where that place is with
1980
+
1981
+ respect.
1982
+
1983
+ For example, if my arm is moved with respect to
1984
+
1985
+ the rest of my body.
1986
+
1987
+ So I want to order frame a frame of reference
1988
+
1989
+ in which I can understand these different aspects of my
1990
+
1991
+ movement throughout the world.
1992
+
1993
+ And that's that is the majority past of what we
1994
+
1995
+ call the parietal cortex.
1996
+
1997
+ And that's what we're going to be spending the next
1998
+
1999
+ half, the next lecture on.
2000
+
2001
+ And as I said, I'd really like you to read
2002
+
2003
+ that coding review because that will help you understand what
2004
+
2005
+ it is that the cortex is trying to do, how
2006
+
2007
+ it's constructing maps of the outside world that we can
2008
+
2009
+ use to move around them.
2010
+
2011
+ And so we, we, we investigated that on Friday, and
2012
+
2013
+ I look forward to seeing you there.
2014
+
2015
+ Thanks.
2016
+
2017
+ Yeah.
2018
+
2019
+ I was.
2020
+
2021
+ Yes.
2022
+
2023
+ So it's and particularly in two volumes.
2024
+
2025
+ It was.
2026
+
2027
+ Particularly a good topic for the show.
2028
+
2029
+ But something about.
2030
+
2031
+ Are you actually doing.
2032
+
2033
+ It where it's kind of.
2034
+
2035
+ Surprising for you to feel particular?
2036
+
2037
+ I can't quite remember where where we are at with.
2038
+
2039
+ I think the general sensation of like, I'm going to
2040
+
2041
+ take on you, that's relatively easy enough to understand.
2042
+
2043
+ This is the migration and it's kind of been associated
2044
+
2045
+ with the reaction.
2046
+
2047
+ You know how it is that.
2048
+
2049
+ According to what's called a predictive coding framework in the
2050
+
2051
+ world.
2052
+
2053
+ Where you can predict quite well what the temptation is
2054
+
2055
+ that you.
2056
+
2057
+ Should get.
2058
+
2059
+ Right because you're doing.
2060
+
2061
+ Something and you can because you know what you should
2062
+
2063
+ be getting ready to.
2064
+
2065
+ Predict and therefore surprise what is predictable.
2066
+
2067
+ And think there's a framework of understanding brain function, which
2068
+
2069
+ Professor SEO has been particularly.
2070
+
2071
+ Important from guidance.
2072
+
2073
+ Which is that the job of the brain, you basically
2074
+
2075
+ find out things that are not.
2076
+
2077
+ And so a lot of the architecture, the brains that
2078
+
2079
+ Christians are predicting, that includes, you know, perception, suppressing, not
2080
+
2081
+ encoding things that, you know.
2082
+
2083
+ I mean, for example, I think that.
2084
+
2085
+ You can suppress your own sensations, especially during actions.
2086
+
2087
+ So that's predictive protein, which is really influential in.
2088
+
2089
+ On the questions regarding the object.
2090
+
2091
+ Yes.
2092
+
2093
+ So yes, in exactly the same way.
2094
+
2095
+ It's easier to see the things overlap altogether.
2096
+
2097
+ Like, yeah.
2098
+
2099
+ That's where you can.
2100
+
2101
+ Something.
2102
+
2103
+ I think, optimism.
2104
+
2105
+ And because here.
2106
+
2107
+ And in my.
2108
+
2109
+ You.
2110
+
2111
+ Yeah.
2112
+
2113
+ Yeah.
2114
+
2115
+ The overlapping.
2116
+
2117
+ For one thing, the idea of hiring people sometimes out.
2118
+
2119
+ I'm very.
2120
+
2121
+ Part of life, as you can imagine, is just a
2122
+
2123
+ single.
2124
+
2125
+ You would.
2126
+
2127
+ But even in this case.
2128
+
2129
+ Consequently.
2130
+
2131
+ That often.
2132
+
2133
+ That changes.
2134
+
2135
+ Central brain function.
2136
+
2137
+ Yes.
2138
+
2139
+ Like many.
2140
+
2141
+ And so even when you figure.
2142
+
2143
+ It was final.
2144
+
2145
+ Expect to really point and explain everything.
2146
+
2147
+ Thank you.
2148
+
2149
+ Thank you.
2150
+
2151
+ So.
2152
+
2153
+ And would the to.
2154
+
2155
+ Yeah, I look at that because it's so much easier
2156
+
2157
+ to like.
2158
+
2159
+ Yeah.
2160
+
2161
+ Okay.
2162
+
2163
+ Yeah.
2164
+
2165
+ You know, like in our.
2166
+
2167
+ I mean, the idea is to.
2168
+
2169
+ Always have an interactive story, but I don't know the
2170
+
2171
+ exact exact.
2172
+
2173
+ I like.
2174
+
2175
+ I felt.
2176
+
2177
+ I don't know.
2178
+
2179
+ I mean.
2180
+
2181
+ Yes.
2182
+
2183
+ Okay.
2184
+
2185
+ And I knew it would be like.
2186
+
2187
+ Well, this.
2188
+
2189
+ So people.
2190
+
2191
+ And.
2192
+
2193
+ We know.
2194
+
2195
+ Know.
2196
+
2197
+ I.
2198
+
2199
+ You know this.
2200
+
2201
+ Yeah.
2202
+
2203
+ Yeah.
2204
+
2205
+ Oh.
2206
+
2207
+ Yeah.
2208
+
2209
+ People.
2210
+
2211
+ I think.
2212
+
2213
+ And.
raw_transcripts/lecture_8.txt ADDED
@@ -0,0 +1,2111 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Nothing like working with your kids at 9:00 in the
2
+
3
+ morning.
4
+
5
+ Can you hear me up the back there?
6
+
7
+ Is it being amplified?
8
+
9
+ Okay.
10
+
11
+ Thank you.
12
+
13
+ So in the last lecture, I tried to help you
14
+
15
+ understand convey to explain to myself that the input to
16
+
17
+ the brain from the senses is this array of signals
18
+
19
+ carried by nerve cells that represent something about the outside
20
+
21
+ world.
22
+
23
+ But that array of signals coming in through the sensory
24
+
25
+ nerves is carried, is constructed over a series of parallel
26
+
27
+ pathways, each of which carries slightly different types of information
28
+
29
+ about the outside world.
30
+
31
+ And that when you get to the cortex, these pathways
32
+
33
+ are then converge and build maps, topographic maps of the
34
+
35
+ sensory periphery.
36
+
37
+ That might be a topographic map of the retina, a
38
+
39
+ topographic map of the skin of the cochlea, etc..
40
+
41
+ And what I hope that I got for you as
42
+
43
+ well is that those maps are distorted and distorted by
44
+
45
+ the density receptors in different parts of the skin or
46
+
47
+ the eye.
48
+
49
+ For example, those maps can be plastic, although we don't
50
+
51
+ know exactly how much and when.
52
+
53
+ Those maps aren't.
54
+
55
+ Incredibly useful for the in the world, they're very good
56
+
57
+ at representing what's happening on the surface of our body.
58
+
59
+ But if we want to make movements through the world,
60
+
61
+ then we have to do something else.
62
+
63
+ We have to transform those maps into something that is
64
+
65
+ in a coordinated frame, a frame of reference that is
66
+
67
+ behaviourally useful.
68
+
69
+ And the structure of this lecture is to try and
70
+
71
+ take you through some of the folks in the brain.
72
+
73
+ So some of the mechanisms that seem to be at
74
+
75
+ least the starting point of constructing those frames of reference.
76
+
77
+ That.
78
+
79
+ I want to reinforce in this lecture as well.
80
+
81
+ That.
82
+
83
+ Interest in the signals that come through the sensory periphery
84
+
85
+ of the cortex are carried in parallel.
86
+
87
+ These reference frames are also constructed in parallel.
88
+
89
+ We build many different reference frames at the same time
90
+
91
+ in the brain.
92
+
93
+ And what we seem to do is to try to
94
+
95
+ use a particular reference frame when we need to accomplish
96
+
97
+ a task like picking up the phone.
98
+
99
+ In that case, I might use a reference frame which
100
+
101
+ is centred on my hand because that's where the most
102
+
103
+ important part is.
104
+
105
+ So I'm going to take you through those reference frames
106
+
107
+ in the first part of this lecture and then I'm
108
+
109
+ going to use those to provide a framework to try
110
+
111
+ and understand potentially what the mechanisms are for a new
112
+
113
+ or interesting type of nerve nerve circuit in the brain,
114
+
115
+ which is that from mirror neurones, which many, many of
116
+
117
+ you may have heard about.
118
+
119
+ Now, I said to you a couple of lectures, Alexa,
120
+
121
+ ago that these lectures were designed when we were in
122
+
123
+ the pandemic and I was pre-recording them, and I'm struggling
124
+
125
+ to work out the exact pacing, and I discovered that
126
+
127
+ to my course this week.
128
+
129
+ I've what I've done is there's a section of the
130
+
131
+ notes in your slides called Controlling Movements, which I'm going
132
+
133
+ to omit from today's lecture so that we can discuss
134
+
135
+ these more interesting aspects of the brain.
136
+
137
+ I have uploaded a pre-recorded version of that sections about
138
+
139
+ 10 minutes long and it's accessible for me on Moodle.
140
+
141
+ Simon and I'd like you to have a look at
142
+
143
+ it when you have a chance.
144
+
145
+ It won't be necessary for understanding the rest of the
146
+
147
+ content of this lecture, although there are a couple of
148
+
149
+ subtleties that may be apparent.
150
+
151
+ I want to be the performance of the U.S..
152
+
153
+ Oops.
154
+
155
+ I just want to start the selection with with a
156
+
157
+ recording that I obtained some years ago from sources I
158
+
159
+ can't remember.
160
+
161
+ There's one particular reason which I want to show you
162
+
163
+ this recording, and I'll tell you that at the end
164
+
165
+ of it.
166
+
167
+ But it also introduces to the idea of spatial neglect.
168
+
169
+ Has anyone here heard of spatial neglect before?
170
+
171
+ Anyone?
172
+
173
+ Put your hand up.
174
+
175
+ Oh, in that case, you prepare for your mind to
176
+
177
+ be blown because spatial neglect is one of the most
178
+
179
+ interesting unsolved mysteries of brain function.
180
+
181
+ So this video, this first video should help introduce you
182
+
183
+ to it, and then we'll discuss a little bit about
184
+
185
+ that and the mechanism why that occurs.
186
+
187
+ To be to the point of this of this the
188
+
189
+ first part, you turn to the benefit of the doubt.
190
+
191
+ Frequently you start to look at all of the actual
192
+
193
+ numbers.
194
+
195
+ Positional alignment serve the purpose of this guide to address
196
+
197
+ those with respect to state of excellence.
198
+
199
+ Hold accountable for their support for the weakest example of
200
+
201
+ the various forms of principle over interesting example.
202
+
203
+ Just the complication of that simplistic classification to perform this
204
+
205
+ simple graph, for example, statements that not appear for the
206
+
207
+ first time to read the code, to describe the patient,
208
+
209
+ etc. to make sense of this cause some features of
210
+
211
+ the text, but contextually so.
212
+
213
+ Another way of testing the directive to ask the patient
214
+
215
+ to open page because he came over to Iraq and
216
+
217
+ the patient neglected to use the right side of the
218
+
219
+ page only occasionally some consideration of extended meditation or whether
220
+
221
+ is something in the collection.
222
+
223
+ So this is not behaviour so cheerful coffee perception whether
224
+
225
+ they succeed in school.
226
+
227
+ But of course this difficult because because of excessive force
228
+
229
+ mistakes exceed the features which they create are not really
230
+
231
+ active.
232
+
233
+ However, you can get something set up and use that
234
+
235
+ can be completed in subject.
236
+
237
+ In this case the patient of social with a reserve
238
+
239
+ of the device.
240
+
241
+ Stick with the public, look at the same table for
242
+
243
+ the right side, etc. but for the patient safety and
244
+
245
+ security of the same patient Refugee Convention.
246
+
247
+ These findings, together with the description the patient suggests that
248
+
249
+ medical detectives actually complete the sight of a doctor, at
250
+
251
+ least a photo with ways for them to gather, to
252
+
253
+ look at symmetrically to take.
254
+
255
+ Okay, So I want to share that video, particularly for
256
+
257
+ the verbal description from the patient who has neglected completing
258
+
259
+ those letters on the page.
260
+
261
+ And you can sense from from that description how automatic
262
+
263
+ recollect or her description of the scene is.
264
+
265
+ It's not like she's struggling through all that, something we
266
+
267
+ think that she does perceive through the letters that she
268
+
269
+ is aware of.
270
+
271
+ So this neglect is a really strange and powerful thing.
272
+
273
+ It's very rare.
274
+
275
+ It seems to entail the distortion of a perceived space,
276
+
277
+ and it seems to, although not described particularly here, it
278
+
279
+ can actually occur in more than one of different reference
280
+
281
+ frames.
282
+
283
+ Two of them were were illustrated here, those reference frames,
284
+
285
+ one with the left side of visual space, and the
286
+
287
+ other was the left side of an object.
288
+
289
+ I'll get back to the second one in a minute.
290
+
291
+ And in fact, it's a very complex film.
292
+
293
+ We don't understand it very well.
294
+
295
+ A lot of this work and some of these references
296
+
297
+ in the slides actually come from colleagues at the Institute
298
+
299
+ of Cognitive Neuroscience, which is about 120 metres that way
300
+
301
+ in Queens Square particularly.
302
+
303
+ Don't drive it.
304
+
305
+ It's now unfortunately dead.
306
+
307
+ But a lot of the descriptions came from studying patients
308
+
309
+ with particular types of lesions that we'll get to in
310
+
311
+ a second.
312
+
313
+ This is a very automatic absence of awareness of a
314
+
315
+ part of your visual field or part of an object
316
+
317
+ or part of something.
318
+
319
+ It really suggests that when we construct and model our
320
+
321
+ vision now interpretation of the outside world, we're using different
322
+
323
+ types of representations to do that.
324
+
325
+ And depending on whether or not they are all intact,
326
+
327
+ we have the capacity to access an appropriate one for
328
+
329
+ the task at hand.
330
+
331
+ So as was alluded to in that description, neglect is
332
+
333
+ not simply an absence of awareness, at least not in
334
+
335
+ some simple way of being blind.
336
+
337
+ So, for example, these are two particular examples of how
338
+
339
+ you might test neglect in some patients, and in this
340
+
341
+ case, a person, a patient with a left hemisphere stroke
342
+
343
+ was asked across that sort.
344
+
345
+ I think there should be right hemisphere stroke should actually
346
+
347
+ cross out the components of a navel figure.
348
+
349
+ And they both figure as these figures which have a
350
+
351
+ structure but are actually made up of themselves of little
352
+
353
+ structures, in this case, letters like A's.
354
+
355
+ And so the patient in this case crosses them all
356
+
357
+ the right hand side of the figure.
358
+
359
+ However, when when asked to describe the figure can actually
360
+
361
+ say it's a square or a circle.
362
+
363
+ So there's some strange things going on in this neglect.
364
+
365
+ And similarly, down here on the on the bottom, this
366
+
367
+ is a really lovely experiment from John Driver, where they
368
+
369
+ did something akin to what you see in the in
370
+
371
+ the video.
372
+
373
+ Here's what the patient is asked to to draw.
374
+
375
+ You can see that when asked to draw a right
376
+
377
+ hand side cap, they can reproduce that fairly well.
378
+
379
+ However, when I draw a left hand side, a very
380
+
381
+ poor reproduction of that cat, this is a very interesting
382
+
383
+ way of asking the question Is it part of the
384
+
385
+ left visual field or left hemisphere part of my vision,
386
+
387
+ or is it the left part of an object?
388
+
389
+ Very simple test.
390
+
391
+ Ingenious.
392
+
393
+ To come up with this, ask the patient simply to
394
+
395
+ draw.
396
+
397
+ We draw each of these two identical objects and you
398
+
399
+ can see that in both cases, the left hand side
400
+
401
+ of the object is emitted, not the left hand part
402
+
403
+ of the visual field.
404
+
405
+ So when the object is tilted to the right, it's
406
+
407
+ still the left hand side of the object that is
408
+
409
+ emitted.
410
+
411
+ So neglect is a really strange and worrying for the
412
+
413
+ patient, but intriguing for the experiment.
414
+
415
+ A form of brain damage.
416
+
417
+ And a lot of that research still goes on at
418
+
419
+ the Institute of Neurology and the Institute of Cognitive Neuroscience
420
+
421
+ just down the road.
422
+
423
+ So what does neglect tell us about representation of the
424
+
425
+ world in our brain?
426
+
427
+ As I said, neglect entails an inability to perceive the
428
+
429
+ relationships of things within a particular frame of reference, a
430
+
431
+ part of the visual field upon the object and other
432
+
433
+ ones that I haven't gone through here.
434
+
435
+ Depending on the spread and the focus of the brain,
436
+
437
+ there is the damage the affected frame of reference can
438
+
439
+ be.
440
+
441
+ Egocentric, olive centric, extra or personal.
442
+
443
+ And I hope that you understand each of those terms
444
+
445
+ by the end of this lecture.
446
+
447
+ It suggests that there isn't one single spatial reference frame
448
+
449
+ in which the world is viewed through which we see
450
+
451
+ the world.
452
+
453
+ Instead, there are several, each with their own neural representation,
454
+
455
+ each of which can be deployed depending on the task
456
+
457
+ at hand.
458
+
459
+ And we expect that it should be possible to identify
460
+
461
+ the different frames of reference in the brain.
462
+
463
+ And I should note here, by the way, that most
464
+
465
+ people that show neglect also show other forms of deficits.
466
+
467
+ And the reason for that, generally speaking, is that the
468
+
469
+ brain damage that leads to neglect often spreads to other
470
+
471
+ areas and other functions.
472
+
473
+ So to understand then what we're gonna be talking about,
474
+
475
+ I need to describe to you the different types of
476
+
477
+ frames of reference that we can describe.
478
+
479
+ And this picture summarises them.
480
+
481
+ The two classes are really egocentric for Ellis and egocentric.
482
+
483
+ It's very easy to think about.
484
+
485
+ It's just with respect to the ego, to the body.
486
+
487
+ So, for example, with respect my body, this is my
488
+
489
+ right and this is my left.
490
+
491
+ If I turn around, that's to my right and that's
492
+
493
+ to my left hand to my eye.
494
+
495
+ If I'm looking at you, then that's part of the
496
+
497
+ visual world in my right, part of the world on
498
+
499
+ my left foot.
500
+
501
+ If I look over there, there's two parts of visual
502
+
503
+ world to my right and my left.
504
+
505
+ But who was in the left field now is on
506
+
507
+ the right hand side of my.
508
+
509
+ That's an egocentric form of representation, something that's with respect
510
+
511
+ to my body.
512
+
513
+ It could be my head, my retina.
514
+
515
+ It could also be other forms that discover in a
516
+
517
+ second.
518
+
519
+ The other major class of frames of reference is our
520
+
521
+ essential world centric spaces.
522
+
523
+ So, for example, a GPS gives you coordinates in north,
524
+
525
+ south, east, west.
526
+
527
+ That's a world centre in space.
528
+
529
+ It doesn't depend on the direction I'm facing.
530
+
531
+ Again, if we go right here, this is my right.
532
+
533
+ That's my left I'm facing.
534
+
535
+ So it's my right and it's my left.
536
+
537
+ I'm facing east now, So although east and south have
538
+
539
+ not I worked with and south have not changed in
540
+
541
+ the other central continents, by my figures, in accordance has
542
+
543
+ changed.
544
+
545
+ So the Alessandra coordinates base that will based or even
546
+
547
+ sometimes object based reference frames.
548
+
549
+ These are things that are independent of our and our
550
+
551
+ own body position and depend only on the structure of
552
+
553
+ the world outside.
554
+
555
+ It turns out that that's the most stable representation to
556
+
557
+ use because that doesn't depend on where I'm moving.
558
+
559
+ But we do choose when we describe something in the
560
+
561
+ world to other people, we often choose to use egocentric
562
+
563
+ reference frames.
564
+
565
+ So for example, if I was to describe how to
566
+
567
+ get out of the building, in my case, I got
568
+
569
+ that turn left, turn left again, turn right and then
570
+
571
+ go straight ahead.
572
+
573
+ That's an egocentric description.
574
+
575
+ I could say that third, south and east and slightly
576
+
577
+ north and east again.
578
+
579
+ And that would be another centric description of the same
580
+
581
+ towns.
582
+
583
+ I won't describe much about either centric, but I will
584
+
585
+ just introduce you to the idea that these two things
586
+
587
+ can be distinguished in development and in perception.
588
+
589
+ These really elegant experiments show you that kids originally formed
590
+
591
+ egocentric representations of the world around them and then gradually
592
+
593
+ formed these worlds and centric presentations.
594
+
595
+ So in one in one experiment shown on the top
596
+
597
+ infants, less than one year, I placed in a room
598
+
599
+ and the there's two doors to the room and they're
600
+
601
+ sitting around the table with the experimenter, and their mother
602
+
603
+ appears at one door and then the child is rotated
604
+
605
+ in the room.
606
+
607
+ The room doesn't change.
608
+
609
+ The charges were rotated around the table.
610
+
611
+ And the question is, where does the child expect the
612
+
613
+ mother to peer from from the same door that she
614
+
615
+ was at before or from the door that is on
616
+
617
+ the right hand side of that child, which is the
618
+
619
+ egocentric reference point.
620
+
621
+ And the answer is that at least in young infants,
622
+
623
+ they will prefer to look and to expect that for
624
+
625
+ the mother to come from the right hand or that
626
+
627
+ is the wrong doors.
628
+
629
+ But the one that is on their right hand side
630
+
631
+ is to their egocentric preference example.
632
+
633
+ Now this Dallas centric discapacidad show which World Baseball and
634
+
635
+ its fans develop very slowly.
636
+
637
+ And indeed, some people remain pretty poor even when they
638
+
639
+ get into adulthood, including myself.
640
+
641
+ So this task is illustrative of that.
642
+
643
+ In this task, one would ask a child or a
644
+
645
+ toddler to indicate on the right here what the view
646
+
647
+ from this horse is of this pattern of events here.
648
+
649
+ Is it A, B, C, or D, just have a
650
+
651
+ loophole here.
652
+
653
+ Who thinks it's A, The view of the horse is
654
+
655
+ represented.
656
+
657
+ Okay.
658
+
659
+ What about B?
660
+
661
+ A couple of people see.
662
+
663
+ Few people.
664
+
665
+ They have a few people.
666
+
667
+ The answer is B, with the red, blue and yellow.
668
+
669
+ Proceed from left to right in the view of the
670
+
671
+ horse would be to see it from the left to
672
+
673
+ the right.
674
+
675
+ So that's an that's a reimagining or interpret the world
676
+
677
+ from another point of view.
678
+
679
+ And that's interpreting what from another point of view requires
680
+
681
+ that kind of understanding, because you have to build that
682
+
683
+ representation in a world based audience based on your own
684
+
685
+ context.
686
+
687
+ So these two abilities, egocentric and polycentric reference frames develop
688
+
689
+ at different rates and the egocentric comes first.
690
+
691
+ As I said, I'm not going to talk much about
692
+
693
+ our centric map here because Hugo is actually going to
694
+
695
+ take you through that quite a bit.
696
+
697
+ And I feel like this time when we talk about
698
+
699
+ spatial memory and other aspects of historical function, but the
700
+
701
+ fundamental basis of these other centric maps, these cognitive maps,
702
+
703
+ was actually discovered at UCL by John O'Keefe, whose building
704
+
705
+ is in the anatomy building.
706
+
707
+ I think somewhere in the top drawer.
708
+
709
+ He's still there, still researching.
710
+
711
+ He must be 80 now.
712
+
713
+ He won the Nobel Prize a few years ago, but
714
+
715
+ it hasn't stopped him.
716
+
717
+ And he discovered, as Hugo described to you, that if
718
+
719
+ you recall from the hippocampus of a mouse or a
720
+
721
+ rat wandering around a small wooden box, that the cells
722
+
723
+ in that hippocampus will often fire in a particular location
724
+
725
+ in that particular part of the puzzle.
726
+
727
+ And further experiments show that that the position in the
728
+
729
+ box where they respond to the red dots and the
730
+
731
+ thing, the black things, the trajectory down through that space,
732
+
733
+ red dots, when the neurone fires, we can show you
734
+
735
+ via various manipulations that that representation of space that is
736
+
737
+ embodied in that Nero's place cells activity is actually half
738
+
739
+ a century.
740
+
741
+ I want to spend the next few slides discussing taking
742
+
743
+ through some of the egocentric reference frame that emerged in
744
+
745
+ Cortex.
746
+
747
+ So I've discussed already.
748
+
749
+ One might be an extended work from reference.
750
+
751
+ That is, if you move your eyes from this red
752
+
753
+ dot here.
754
+
755
+ If you look at this on the red dot, Wall-E
756
+
757
+ is on the right hand side of your visual field.
758
+
759
+ If you then transfer your case to the right to
760
+
761
+ the dot on the right one is now on the
762
+
763
+ left hand side of the visual field.
764
+
765
+ That's an eye centred reference frame your eye moves and
766
+
767
+ therefore consequently the position of the objects in the world
768
+
769
+ moves with respect to the centre of gaze and with
770
+
771
+ respect to your retina, even though they haven't changed position
772
+
773
+ in the world.
774
+
775
+ Similarly, this hits into reference frames, things which with respect
776
+
777
+ my head.
778
+
779
+ One example of that is audition sounds that have arrived
780
+
781
+ at the head and are encoded with respect to the
782
+
783
+ direction of the head and the eyes don't move unlike
784
+
785
+ the eyes.
786
+
787
+ And so that reference frame is based.
788
+
789
+ There's other frames of reference, for example, joint frames of
790
+
791
+ reference again for reaching out and grasping this thing.
792
+
793
+ I might like to include the world in the context
794
+
795
+ of the joints that are required to pick up this
796
+
797
+ and handle this environment to tell me that the 20.
798
+
799
+ So a good deal of work in monkeys that are
800
+
801
+ described in humans has shown that these special frames of
802
+
803
+ reference I'm almost certainly built to start to be built
804
+
805
+ in the parietal cortex and prior to the cortex, the
806
+
807
+ visual cortex, back of the brain.
808
+
809
+ Frontal lobes are here, temporal lobes are down here in
810
+
811
+ the proper lobes here, and it's parietal cortex, or at
812
+
813
+ least this bit of the parietal cortex is important in
814
+
815
+ generating representing the spatial reference frames found in the particular
816
+
817
+ part of the parietal cortex around the parietal sulcus.
818
+
819
+ What this image shows here is a summary of many
820
+
821
+ studies looking at neglect with left sided neglect and the
822
+
823
+ density, the colour of the blobs on the side of
824
+
825
+ the brain that represent the probability effectively that damage in
826
+
827
+ that part of the brain would have been associated with
828
+
829
+ neglect.
830
+
831
+ You can see there's very high concentration around this issue
832
+
833
+ prior to Super Square.
834
+
835
+ If you have damage, then you get this form of
836
+
837
+ neglect or some form of neglect.
838
+
839
+ So if we we Inhumans, we find out it's quite
840
+
841
+ difficult to look in the exact new machinery in this
842
+
843
+ part of the brain.
844
+
845
+ But it is possible in monkeys.
846
+
847
+ And it turns out that the newer machinery there in
848
+
849
+ monkeys looks pretty similar to what we might expect from
850
+
851
+ brain imaging in humans or from these lesions.
852
+
853
+ And so we can use that information, these recordings, from
854
+
855
+ a way about having monkeys be trained to do a
856
+
857
+ task.
858
+
859
+ Monkeys can usually perform a much more complicated task.
860
+
861
+ Another animal such as flies or rodents.
862
+
863
+ And we can use those recordings to try and work
864
+
865
+ out what's actually going on in these little brain areas,
866
+
867
+ particularly those around this practice focus area that's received most
868
+
869
+ attention so far is the lateral improperly lip might be
870
+
871
+ coming back with in the next class and even more
872
+
873
+ involved questions about how we decide to make movements.
874
+
875
+ There is some evidence that this area, this little area
876
+
877
+ called LIP, is at least partially involved in starting to
878
+
879
+ generate or start to move as you place an eye
880
+
881
+ based reference frame, which is the kind of topographic map
882
+
883
+ you find in primary visual cortex or in early parts
884
+
885
+ of visual cortex.
886
+
887
+ If we want to change that reference frame into something
888
+
889
+ that is not dependent on when we are looking, we
890
+
891
+ need to start making some changes to the representations that
892
+
893
+ we encode this graph.
894
+
895
+ We actually do a little bit about how why we
896
+
897
+ think that is involved in starting to transform this visual
898
+
899
+ tropic retina topic representation to something that does not depend
900
+
901
+ on the direction of gaze.
902
+
903
+ I mean, explain what these graphs all show first, because
904
+
905
+ you're going to see a field in the next few
906
+
907
+ slides on the x axis.
908
+
909
+ Here is the time, and you can see here it's
910
+
911
+ about this little black bar is about 200 milliseconds or
912
+
913
+ one fifth of a second.
914
+
915
+ There's several different things on the on the y axis
916
+
917
+ here on the top is the position of the animal.
918
+
919
+ Now, he's actually hit fixed in this case, which head
920
+
921
+ is restrained, but he's able to move his eyes around
922
+
923
+ because that is the vertical movements of the eye and
924
+
925
+ the horizontal movements of the eye.
926
+
927
+ The next block shows you, when the stimulus appears, indicates
928
+
929
+ the times when the stimulus is on these little rows.
930
+
931
+ Here are what we call a Rasta plot.
932
+
933
+ And each row is one trial.
934
+
935
+ One time the animal performed this task.
936
+
937
+ And each of those dots is the time of occurrence
938
+
939
+ of a single action potential from a neurone in IP.
940
+
941
+ Now, you may repeat that trial many times in this
942
+
943
+ case, say 15 or 20 times, and you get pretty
944
+
945
+ similar activity across each trial.
946
+
947
+ And so when you average that activity, you get something
948
+
949
+ like this black box below which we call a pair
950
+
951
+ of stimulus time histograms.
952
+
953
+ And the height of that box basically reflects the magnitude
954
+
955
+ of the response of the neurone at that point in
956
+
957
+ time.
958
+
959
+ The number of spikes the neurone is discharging on each
960
+
961
+ trial at that point in time.
962
+
963
+ And so in each of these cases, you can see
964
+
965
+ that just after the stimulus comes on, the neurones respond
966
+
967
+ very short latency about 50 or 80 milliseconds, less than
968
+
969
+ 1/10 of a second after the appearance of stimulus.
970
+
971
+ That's how long it takes the visual information to get
972
+
973
+ from the retina to this part of the brain.
974
+
975
+ Now there's three different trials shown here.
976
+
977
+ These are all recordings from the same nerve cell likely
978
+
979
+ in the monkey doing this task.
980
+
981
+ And the monkey's task is simply to find look at
982
+
983
+ the dot bit like when you're looking at Wall-E.
984
+
985
+ But we're not trying to look.
986
+
987
+ But look at the dot in the letters, the thing
988
+
989
+ that's all the monkeys required to do.
990
+
991
+ In the other two trials, the monkey is required to
992
+
993
+ move the eyes from that dot to another dot that
994
+
995
+ appears.
996
+
997
+ So you can see here, that's what's indicated by the
998
+
999
+ arrow.
1000
+
1001
+ And you can see that the monkey is successfully doing
1002
+
1003
+ that because it's horizontal traits which are the sort of
1004
+
1005
+ the right position, horizontal and position changes just after the
1006
+
1007
+ stock comes on.
1008
+
1009
+ And that comes on at this line here.
1010
+
1011
+ And then a stimulus has been displayed to the animal
1012
+
1013
+ at a particular location on the TV screen that the
1014
+
1015
+ dog is also placed on.
1016
+
1017
+ So in this particular case on the left here, this
1018
+
1019
+ is what we would expect from a neurone that is
1020
+
1021
+ simply representing visual stimuli.
1022
+
1023
+ Responding to a visual stimulus, Stan was fixating flecks of
1024
+
1025
+ light appears neurone stops responding.
1026
+
1027
+ Pretty simple.
1028
+
1029
+ In the second case here, this is a bit more
1030
+
1031
+ of a funky task in this case.
1032
+
1033
+ Just before the animal makes nine movement, the stimulus appears
1034
+
1035
+ on the right hand side.
1036
+
1037
+ And here you can see what happens is that the
1038
+
1039
+ neurone still responds to the stimulus that appears when when
1040
+
1041
+ the eye move to that location.
1042
+
1043
+ So that that is also consistent perhaps with the with
1044
+
1045
+ the new on including the position or appearance of an
1046
+
1047
+ object at a particular position with respect to its iris.
1048
+
1049
+ However, if you display the stimulus just briefly at its
1050
+
1051
+ new location here, the same written location with respect to
1052
+
1053
+ the days before the animal makes the second you actually
1054
+
1055
+ see that response physically or even though that stimulus was
1056
+
1057
+ placed in the part of the visual field, it's not
1058
+
1059
+ normally effective for the mirror.
1060
+
1061
+ In other words, this new on CTV anticipate.
1062
+
1063
+ In fact, the animal is about to make a second
1064
+
1065
+ to this new location in middle place, and it seems
1066
+
1067
+ to be reaching out to that new location to see
1068
+
1069
+ if there's anything there already.
1070
+
1071
+ So these neurones are already starting to disassociate the retina
1072
+
1073
+ properly.
1074
+
1075
+ Framework that is encoding really powerful visual cortex is something
1076
+
1077
+ that doesn't depend on the location of the eye.
1078
+
1079
+ It's not a complete disassociation to pinpoint.
1080
+
1081
+ So that's like P going to see patent in this
1082
+
1083
+ VR trial area eventually further down in the brain, away
1084
+
1085
+ from the brain.
1086
+
1087
+ And these neurones are really interesting.
1088
+
1089
+ Again, this is a monkey performing a task.
1090
+
1091
+ And again, the task is primarily to maintain fixation on
1092
+
1093
+ a particular point on the screen.
1094
+
1095
+ In this case we see the monkey and we can
1096
+
1097
+ see from the lateral side he's looking at the screen.
1098
+
1099
+ And his task here is simply to look at this
1100
+
1101
+ central location.
1102
+
1103
+ And while he's looking down, a stimulus is presented that
1104
+
1105
+ comes either towards the mouth.
1106
+
1107
+ From the top to the bottom, from different locations on
1108
+
1109
+ the screen or towards the top of the head, again,
1110
+
1111
+ from different locations on the screen.
1112
+
1113
+ And what you should see here is that this neurone
1114
+
1115
+ is very active for the two situations.
1116
+
1117
+ On the left hand side here, there's lots of activity,
1118
+
1119
+ lots of spikes, and that's when the object is moving
1120
+
1121
+ towards the mouth and not when the object is moving
1122
+
1123
+ towards the forest.
1124
+
1125
+ If we then change the stimulus slightly.
1126
+
1127
+ So then what?
1128
+
1129
+ She has to look up here.
1130
+
1131
+ You can see that the neurone is too responsive when
1132
+
1133
+ the animal is when the object is coming towards the
1134
+
1135
+ mouth, not towards the first.
1136
+
1137
+ So the activity this neurone seems to depend on whether
1138
+
1139
+ an object is moving towards the mouth, not on where
1140
+
1141
+ the animal's viewpoint is.
1142
+
1143
+ It doesn't matter where abouts in the visual field.
1144
+
1145
+ It started as long as it was coming towards the
1146
+
1147
+ end of the forest.
1148
+
1149
+ So this vector into prior CO areas seems to be
1150
+
1151
+ standing to construct this representation of objects in the world
1152
+
1153
+ that depend on that location.
1154
+
1155
+ With respect to the amount of fibre that's important for
1156
+
1157
+ feeding.
1158
+
1159
+ Exactly.
1160
+
1161
+ And not just the math.
1162
+
1163
+ If you look at other neurones in other parts of
1164
+
1165
+ the head that represented.
1166
+
1167
+ And it's also interesting you report the medial enterprise area
1168
+
1169
+ rather than the lateral, the medial being close to the
1170
+
1171
+ middle of the brain.
1172
+
1173
+ We find exactly what we call rich second frames of
1174
+
1175
+ reference.
1176
+
1177
+ That is, that neurones are responsive when animals make a
1178
+
1179
+ movement towards an object with their arms is also neurones
1180
+
1181
+ in there that are also responsible to animals.
1182
+
1183
+ Make seconds.
1184
+
1185
+ This is a fairly complicated slide.
1186
+
1187
+ I don't want to take too much away from it,
1188
+
1189
+ but the point is here that this new one, some
1190
+
1191
+ of these neurones are active when the animal makes a
1192
+
1193
+ reaching movement, but not when it makes an eye movement.
1194
+
1195
+ It seems to be this and other forms of evidence
1196
+
1197
+ seem to suggest that it was using something about the
1198
+
1199
+ coordinate space of the joints to actually represent the outside
1200
+
1201
+ world.
1202
+
1203
+ There's another area called the anterior inter parietal area, and
1204
+
1205
+ we're going to discuss that in greater depth in a
1206
+
1207
+ moment.
1208
+
1209
+ So to summarise what I've said to you there, there
1210
+
1211
+ are multiple frames of reference that can be used to
1212
+
1213
+ represent the world.
1214
+
1215
+ There's good evidence for the existence of multiple frames of
1216
+
1217
+ reference in separate circuits in the brain.
1218
+
1219
+ Spatial neglect means losing a representation of a specific frame
1220
+
1221
+ of reference for at least one or two, and not
1222
+
1223
+ all of them.
1224
+
1225
+ But for that reason we can all.
1226
+
1227
+ Be aware of objects in a particular coordinate frame.
1228
+
1229
+ And the other point here is that there's multiple frames
1230
+
1231
+ of reference represented in parallel different areas in the brain.
1232
+
1233
+ Simply constructing in parallel with different reference frames.
1234
+
1235
+ And the consequence of that is that the could have
1236
+
1237
+ been executed or generated in parallel.
1238
+
1239
+ When we go to form a task, we can select
1240
+
1241
+ immediately or quickly which frame of reference we want to
1242
+
1243
+ use to actually complete that task.
1244
+
1245
+ We don't have to wait to redo the entire computation
1246
+
1247
+ again, take the visual image on whatever I want to
1248
+
1249
+ do with this.
1250
+
1251
+ I want to reach there.
1252
+
1253
+ I want to do this instead.
1254
+
1255
+ That preference frame is already being built.
1256
+
1257
+ We may not use that reference frame.
1258
+
1259
+ We may select another reference frame, in which case the
1260
+
1261
+ question becomes what happens to the new workflow detection of
1262
+
1263
+ that reference frame that we did not use?
1264
+
1265
+ And that, I think, is going to be something that
1266
+
1267
+ should become clear in the next part of the lecture.
1268
+
1269
+ Is there any questions about that particular component?
1270
+
1271
+ Okay.
1272
+
1273
+ So skip over a section, which is basically how the
1274
+
1275
+ motor cortex controls the muscles.
1276
+
1277
+ And I could say that there's a there's now a
1278
+
1279
+ video on your little page, which is through that, and
1280
+
1281
+ it's five people.
1282
+
1283
+ What I want to spend.
1284
+
1285
+ The next lecture discussion is how we control and even
1286
+
1287
+ understand actions.
1288
+
1289
+ And I want to take us through some of the
1290
+
1291
+ really interesting what has happened in this field in the
1292
+
1293
+ last ten or 15 years.
1294
+
1295
+ We've talked about the parietal lobe.
1296
+
1297
+ We skip over what I call the primary motor cortex,
1298
+
1299
+ which is the actual guts of controlling the muscles.
1300
+
1301
+ That's in the middle page.
1302
+
1303
+ We're not going to talk too much about supplementary motor
1304
+
1305
+ areas, but these are areas which help generate the initial
1306
+
1307
+ plans for the muscle movements that go to the primary
1308
+
1309
+ motor cortex.
1310
+
1311
+ But between these areas, the premotor cortex and the prefrontal
1312
+
1313
+ cortex seem to take information from the parietal lobe and
1314
+
1315
+ then distribute them to the motor areas.
1316
+
1317
+ That's a lot of what we understand about this has
1318
+
1319
+ been done in the context of a particular term, and
1320
+
1321
+ I think we can grasp something.
1322
+
1323
+ Rastafarian or a monkey's case brought a little bit of
1324
+
1325
+ food.
1326
+
1327
+ Turns out that the circuits for this simply quite similar
1328
+
1329
+ in monkeys and humans.
1330
+
1331
+ The talk shows a schematic of a monkey brain, the
1332
+
1333
+ bottom of the human brain, the areas of interest in
1334
+
1335
+ the monkey brain of the those around the enterprise, those
1336
+
1337
+ focus in particular the anterior area is a little area
1338
+
1339
+ called F5 and also F1 in humans.
1340
+
1341
+ The same areas exist.
1342
+
1343
+ We know that from the anatomy and from the tracing
1344
+
1345
+ of connections between pathways.
1346
+
1347
+ We don't really know exactly how signals get from one
1348
+
1349
+ area to another.
1350
+
1351
+ So we're going to use the monkey to try and
1352
+
1353
+ understand a bit of that, but also look at some
1354
+
1355
+ of the human pathways.
1356
+
1357
+ So this here is in the same kind of way.
1358
+
1359
+ Actually, the previous slides, a description of several neurones in
1360
+
1361
+ anterior into parietal area during grasping, which I find is
1362
+
1363
+ absolutely fascinating because there's one particular type of neurone here
1364
+
1365
+ in the bottom right, which seems to be important in
1366
+
1367
+ taking that sensory information that's coming up from the sensory
1368
+
1369
+ periphery through the visual cortex and starting to transform that
1370
+
1371
+ into something that's useful for motor movements.
1372
+
1373
+ So this slide shows three separate neurones in each row
1374
+
1375
+ and for each new on the three different paths.
1376
+
1377
+ The different tasks.
1378
+
1379
+ The different columns are to perform a manipulation in light
1380
+
1381
+ that is to create something more certain.
1382
+
1383
+ See it?
1384
+
1385
+ The second one is to reach out and grasp that
1386
+
1387
+ thing in the dark.
1388
+
1389
+ So I can't see there is no visual information.
1390
+
1391
+ And the third thing is just to look at the
1392
+
1393
+ object and not reach the ground.
1394
+
1395
+ So the neurone on the top here shows falling rates
1396
+
1397
+ like we might expect from a visual appeal if it's
1398
+
1399
+ near or it's active.
1400
+
1401
+ When the animals manipulate an object in the light, it's
1402
+
1403
+ also active when it sees the object to manipulate it,
1404
+
1405
+ but it's not at all active when it makes the
1406
+
1407
+ muscle movements, they can't see the object.
1408
+
1409
+ On the other hand, this middle row here is a
1410
+
1411
+ kind of demand that we might expect to be important
1412
+
1413
+ in controlling the movements that we're about to make so
1414
+
1415
+ that no one is active.
1416
+
1417
+ When we reach out across the line and is active
1418
+
1419
+ when we reach out and draw something, the dog can
1420
+
1421
+ see it, but it's not at all active.
1422
+
1423
+ When we just look at the optics.
1424
+
1425
+ So it's active during the past, but when you look
1426
+
1427
+ at it, so these visual motor neurones, it's a kind
1428
+
1429
+ of classic distinction between sensory input and motor.
1430
+
1431
+ And for the third part of neurone there, which we'll
1432
+
1433
+ call a visual motor neurone, combines these two features.
1434
+
1435
+ These neurones again are active during the regrouping task in
1436
+
1437
+ the light.
1438
+
1439
+ These neurones are also active when the animals cannot see
1440
+
1441
+ the objects and they're also active when they see it,
1442
+
1443
+ but don't perform the movement.
1444
+
1445
+ So they have both sensory input seen in the visual
1446
+
1447
+ only component and motor inputs in the motor and components.
1448
+
1449
+ And they seem to combine, they seem to be able
1450
+
1451
+ to combine these two forms into one neurone.
1452
+
1453
+ And these kinds of neurones, these visual motor neurones can
1454
+
1455
+ be found in different parts of the brain.
1456
+
1457
+ The most prominent in the kind of cortex, the frontal
1458
+
1459
+ cortex.
1460
+
1461
+ And they are, we think, a very important interface between
1462
+
1463
+ sensory information.
1464
+
1465
+ They combine these two things.
1466
+
1467
+ As we'll discover in the next lecture, You want to
1468
+
1469
+ combine these two things to make the interesting contributions to
1470
+
1471
+ defining about what we want to do.
1472
+
1473
+ So this is the kind of neurones you find in
1474
+
1475
+ the final area.
1476
+
1477
+ You actually find is also further up the chain area.
1478
+
1479
+ Fine.
1480
+
1481
+ We'll get to that in a moment.
1482
+
1483
+ These neurones that can be quite selective for the further
1484
+
1485
+ features of the task.
1486
+
1487
+ So this is recording from one neurone in this case,
1488
+
1489
+ and this is a visual motor neurone that is a
1490
+
1491
+ neurone that you can see both the visual component and
1492
+
1493
+ motor in front of the task.
1494
+
1495
+ In this case you can see that just in the
1496
+
1497
+ visual component alone that the neurones are responsive.
1498
+
1499
+ This is.
1500
+
1501
+ This is during the top three.
1502
+
1503
+ This is the actual during the top when they can
1504
+
1505
+ see and make the movement.
1506
+
1507
+ You can see that these neurones are active for particular
1508
+
1509
+ configurations of grasp and not others.
1510
+
1511
+ If in addition you look at the visual component alone,
1512
+
1513
+ that is in the absence of the tons you see,
1514
+
1515
+ these neurones are also selected for particular objects.
1516
+
1517
+ How many of you have heard of the concept of
1518
+
1519
+ affordable?
1520
+
1521
+ Performance is a really interesting thing.
1522
+
1523
+ When we design objects, the objects that work, the ones
1524
+
1525
+ that we want to use for those are for particular
1526
+
1527
+ actions.
1528
+
1529
+ The chairs are for the ideas to be.
1530
+
1531
+ I don't do that with.
1532
+
1533
+ That means phone too, for the idea of picking them
1534
+
1535
+ up and scrolling through them.
1536
+
1537
+ That is the very particular structure.
1538
+
1539
+ Those objects seems to promote the execution of particular motor
1540
+
1541
+ planner.
1542
+
1543
+ Unfortunately.
1544
+
1545
+ They forward those.
1546
+
1547
+ Actions.
1548
+
1549
+ Maybe these neurones are part of that kind of affordances,
1550
+
1551
+ because when these neurones which are helping, which have both
1552
+
1553
+ sensory input and motor output, are actually representing particular types
1554
+
1555
+ of objects, people, okay, So perhaps they help us not
1556
+
1557
+ to generate the plants when we see that object.
1558
+
1559
+ One of the plants that I might execute if God
1560
+
1561
+ wants, but I might not execute one of the plants,
1562
+
1563
+ I might get a clue that that would afford that
1564
+
1565
+ particular action.
1566
+
1567
+ Indeed, if you look at human cortex now rather than
1568
+
1569
+ monkey cortex, you look at it from signals rather than
1570
+
1571
+ single unit recordings.
1572
+
1573
+ You also see a good deal of evidence for the
1574
+
1575
+ presence of areas that are effectively related to performance.
1576
+
1577
+ These are the responses or MRI responses in human cortex
1578
+
1579
+ to observed axons in the top row.
1580
+
1581
+ Here is when one observes actions without associated objects, and
1582
+
1583
+ the bottom is when objects are present with chewing, grasping
1584
+
1585
+ and kicking.
1586
+
1587
+ Again, this is a person sitting in a scanner and
1588
+
1589
+ not actually performing his actions that is viewing the action.
1590
+
1591
+ We think maybe when they're viewing these actions, maybe they're
1592
+
1593
+ kind of replaying them in their head as well.
1594
+
1595
+ Or maybe they're viewing them also for to start to
1596
+
1597
+ build their idea of a particular course of action.
1598
+
1599
+ And you see from these slides here, but I want
1600
+
1601
+ you to take away mainly is that there's a substantial
1602
+
1603
+ amount of activity not only in motor cortex, but also
1604
+
1605
+ in provider cortex consistent with what we see in the
1606
+
1607
+ monkeys that when they're looking at particular objects, neurones are
1608
+
1609
+ active so that those objects may afford particular actions.
1610
+
1611
+ Similarly, if you just look at the particular example of
1612
+
1613
+ tools, if they present a hammer to someone sitting in
1614
+
1615
+ a scanner as opposed to a house or other objects,
1616
+
1617
+ they would do not forward actions.
1618
+
1619
+ You find that in prior to Cortex as well as
1620
+
1621
+ in premotor cortex, this area equivalent to the monkey even
1622
+
1623
+ at five feet, gets a standard manner of activity.
1624
+
1625
+ Again, these parietal and motor cortical region seem to be
1626
+
1627
+ responsive when you're viewing objects that are full potential for
1628
+
1629
+ action.
1630
+
1631
+ This experiment I find really beautiful.
1632
+
1633
+ You've heard about transcranial magnetic stimulation.
1634
+
1635
+ That's the idea where you put a magnetic pulse outside
1636
+
1637
+ to stimulate a little bit to the cortex.
1638
+
1639
+ When you do that, you activate the neurones, the electrical,
1640
+
1641
+ the cortex.
1642
+
1643
+ You can choose the pulse and intensity that which doesn't
1644
+
1645
+ overtly cause an action, but you can measure the activity
1646
+
1647
+ of muscles in the relevant part of the body.
1648
+
1649
+ For example, in the hand.
1650
+
1651
+ And that's what's going on here.
1652
+
1653
+ These will pass through the amplitude of the muscle movement
1654
+
1655
+ recorded during stimulation of the cortex.
1656
+
1657
+ And these measurements are made.
1658
+
1659
+ What people are feeling for different objects.
1660
+
1661
+ These are right handed subjects.
1662
+
1663
+ In one case of viewing a cup with the left
1664
+
1665
+ hand of one face, right hand to the other cases.
1666
+
1667
+ Left and right.
1668
+
1669
+ Broken handles.
1670
+
1671
+ And what you should see here is that the bar
1672
+
1673
+ is much higher when the cops are right handed.
1674
+
1675
+ When their visual object affords particular action.
1676
+
1677
+ Grasping with the right hand activity, motor cortex seems to
1678
+
1679
+ be potentiated by viewing this object consistent again with the
1680
+
1681
+ from right results because cool and consistent again with the
1682
+
1683
+ work and try to poaching monkeys.
1684
+
1685
+ So this brings me on then the mirror neurones.
1686
+
1687
+ How many people have heard of Mira Nair?
1688
+
1689
+ One of the few who you might know.
1690
+
1691
+ And if you've read the if you read the Sylvia
1692
+
1693
+ Hazily speaking, if you read the review that I've included
1694
+
1695
+ in your reading, you'll understand a lot more about them.
1696
+
1697
+ Their neurones have gained particular notoriety because they may, they
1698
+
1699
+ are hypothesised to be a source of understanding the actions
1700
+
1701
+ of others and perhaps even the higher cognitive social events
1702
+
1703
+ like empathy.
1704
+
1705
+ These are circuits to be active when viewing an object
1706
+
1707
+ for viewing someone doing something as opposed to actually doing
1708
+
1709
+ it yourself as well as when you're doing so.
1710
+
1711
+ So these are neurones originally that were discovered.
1712
+
1713
+ The reason I've talked to you about this search for
1714
+
1715
+ grasping is that these neurones were discovered by Richard Lockie
1716
+
1717
+ and colleagues when they were trying to understand these brain
1718
+
1719
+ circuits across that recording from monkeys.
1720
+
1721
+ And they noticed that and trained the monkeys to reach
1722
+
1723
+ out and collect food objects.
1724
+
1725
+ I wanted to know what was happening during the different
1726
+
1727
+ phases of movement and plenty of movement.
1728
+
1729
+ They're reporting from the pool area of the prefrontal cortex
1730
+
1731
+ called a client.
1732
+
1733
+ And they notice that a certain fraction of neurones consistently
1734
+
1735
+ seem to fire, not when the animal, not just when
1736
+
1737
+ the animal restarting something, but when the experimenter was actually
1738
+
1739
+ moving or reaching out or grabbing that.
1740
+
1741
+ And so.
1742
+
1743
+ So in the writing of the classroom, one of the
1744
+
1745
+ first neurones that they discovered the classical mirror neurones.
1746
+
1747
+ So these neurones are active when an animal is reaching
1748
+
1749
+ out and grasping an object that's shown here.
1750
+
1751
+ They're also active when the experimenter is reaching out and
1752
+
1753
+ grasping the object that's shown here.
1754
+
1755
+ Some of these new ones, it turns out, with finer
1756
+
1757
+ investigations, were active in particular cases when the animal when
1758
+
1759
+ the object was available to the animal's reach and when
1760
+
1761
+ it was not available within the animals, when it's within
1762
+
1763
+ the animal's reach, that's a very personal space that the
1764
+
1765
+ space around you when it's not within the reach of
1766
+
1767
+ the expert personal space.
1768
+
1769
+ The space is beyond that.
1770
+
1771
+ You can see here that some neurones seem to respond
1772
+
1773
+ when actions are performed outside of personal space and other
1774
+
1775
+ neurones respond when it's in the very personal space.
1776
+
1777
+ Yeah.
1778
+
1779
+ So the idea here is that these neurones are responsive
1780
+
1781
+ to when both an animal is making an action and
1782
+
1783
+ when the animal is viewing the action.
1784
+
1785
+ So that's where the idea of mirror neurones comes up
1786
+
1787
+ in mirroring responsive when you're viewing something as if you
1788
+
1789
+ were generating that they embody in your brain an interpretation
1790
+
1791
+ of the action potentially that took place or the accident
1792
+
1793
+ that person is performing.
1794
+
1795
+ That might be important.
1796
+
1797
+ For example, imitation, learning, fine imitation like children do.
1798
+
1799
+ If you perform an action should take it and learn
1800
+
1801
+ how to perform that action.
1802
+
1803
+ However, monkeys don't really live by invitation, so weather is
1804
+
1805
+ certainly a problem with monkeys.
1806
+
1807
+ Another question Immigration could also be important for trying to
1808
+
1809
+ predict what someone else is going to do.
1810
+
1811
+ If I see someone reaching out for an object and
1812
+
1813
+ predicting that they're going to be taking an object, I'll
1814
+
1815
+ be able to understand the potential intentions of the other
1816
+
1817
+ person.
1818
+
1819
+ That's the idea of the founding at five.
1820
+
1821
+ Why?
1822
+
1823
+ I wanted to introduce you to them in the context
1824
+
1825
+ of this pathways that you should be clear to by
1826
+
1827
+ now that they're not just on an incline.
1828
+
1829
+ They're also found an intuitive triangle area.
1830
+
1831
+ They also find another part of the brain.
1832
+
1833
+ So there seems to be a whole network of neurones
1834
+
1835
+ that seem to be providing not just the actions that
1836
+
1837
+ we are making, but when we just view those actions
1838
+
1839
+ will result in a positive step forward.
1840
+
1841
+ These circuits are collectively known as potentially very neurone circuits
1842
+
1843
+ and they are thought to be in some context important
1844
+
1845
+ for things like embodiment and empathy.
1846
+
1847
+ I do want to make clear, though, that there's there's
1848
+
1849
+ a lot of controversy.
1850
+
1851
+ ACLU review makes clear as well.
1852
+
1853
+ There's a lot of controversy about the role of these
1854
+
1855
+ neurones in these functions.
1856
+
1857
+ I don't think there's any controversy about the presence of
1858
+
1859
+ these neurones.
1860
+
1861
+ What is of interest and what is of concern is
1862
+
1863
+ whether these neurones are actually representing what another person is
1864
+
1865
+ doing with these neurones, basically generating internal but complete the
1866
+
1867
+ plan of action.
1868
+
1869
+ As I said to you before, we provide different spatial
1870
+
1871
+ reference findings in parallel in our brains, we choose which
1872
+
1873
+ spatial reference frame we're going to use when we execute
1874
+
1875
+ a particular action.
1876
+
1877
+ The implication of having multiple parallel reference frames, not all
1878
+
1879
+ of which are used, is that many.
1880
+
1881
+ Action plans are made and never executed and never whenever
1882
+
1883
+ aware of.
1884
+
1885
+ It's a mirror neurone that for a neurone that is
1886
+
1887
+ actually representing the actions of others.
1888
+
1889
+ Or is it a neurone that's representing an on executed
1890
+
1891
+ plans that we are protecting.
1892
+
1893
+ Which.
1894
+
1895
+ Afforded.
1896
+
1897
+ To us.
1898
+
1899
+ And that's the central question that still exists in the
1900
+
1901
+ mirror neurone.
1902
+
1903
+ Which are these neurones effectively anonymous, or are they there
1904
+
1905
+ to help us interpret the actions of others or not?
1906
+
1907
+ And these of course are not there to speak of
1908
+
1909
+ things they could well be that they, for example, evolved
1910
+
1911
+ or arose simply to provide clues and execute plans that
1912
+
1913
+ are co-opted to then try and provide an interpretation understanding
1914
+
1915
+ of others actions.
1916
+
1917
+ So I really suggest that you do read Sylvia's article.
1918
+
1919
+ She's a leader in the field.
1920
+
1921
+ And at this stage, I will leave you with those
1922
+
1923
+ with one dichotomy.
1924
+
1925
+ That's the dichotomy that exists in the field with the
1926
+
1927
+ laity who discovered these very new ones originally.
1928
+
1929
+ His group of sceptics were neurones.
1930
+
1931
+ He's his interpretation, as if this mirror mechanism is fundamental
1932
+
1933
+ to understanding actions and intentions, then the classical view to
1934
+
1935
+ the motor system has only a role in generation and
1936
+
1937
+ by implication the central system has any role in sensation,
1938
+
1939
+ have to be rejected and replaced by the view that
1940
+
1941
+ motor system is also one of the major players in
1942
+
1943
+ cognitive functions.
1944
+
1945
+ The motor system helps us embody the actions that we
1946
+
1947
+ view around us.
1948
+
1949
+ The contract.
1950
+
1951
+ The contract view is that from Hitchcock and colleagues, he
1952
+
1953
+ spoke with the language specialists very prominent in the field,
1954
+
1955
+ and he would state that a null hypothesis is in
1956
+
1957
+ this area.
1958
+
1959
+ A five is fundamentally a motor area that is capable
1960
+
1961
+ of supporting sensory motor associations that are relevant to action
1962
+
1963
+ selection.
1964
+
1965
+ As I said before, one of these areas that is
1966
+
1967
+ involved in generative frames of reference potential, the motor plans
1968
+
1969
+ that we can execute this selection.
1970
+
1971
+ So encourage you to read those things and we'll leave
1972
+
1973
+ that idea of whether or not we're going to contribute
1974
+
1975
+ fundamentally provision for thanks and how good they can click.
1976
+
1977
+ Click, click, click here to read more effective.
1978
+
1979
+ Problems.
1980
+
1981
+ With you.
1982
+
1983
+ Take me back to the current context in which you
1984
+
1985
+ can contribute to that.
1986
+
1987
+ I could take some time to.
1988
+
1989
+ Come up with something specifically at the control.
1990
+
1991
+ Group.
1992
+
1993
+ That's one of the things that we suspect virtually all.
1994
+
1995
+ Of the.
1996
+
1997
+ Idea.
1998
+
1999
+ But I don't think to.
2000
+
2001
+ Make the point that medical technicians and.
2002
+
2003
+ An important part of.
2004
+
2005
+ The process.
2006
+
2007
+ Of critical thinking about this is something that even.
2008
+
2009
+ When I'm writing.
2010
+
2011
+ The basic hypothesis.
2012
+
2013
+ Is that there's a lot of activity.
2014
+
2015
+ Quickly.
2016
+
2017
+ Actually get.
2018
+
2019
+ Effective.
2020
+
2021
+ So it just doesn't make any difference whether.
2022
+
2023
+ Or not the significant.
2024
+
2025
+ Activity in this market.
2026
+
2027
+ Commercial activity.
2028
+
2029
+ But you might find indications of.
2030
+
2031
+ What it looks like.
2032
+
2033
+ It's going to.
2034
+
2035
+ Be very difficult to keep.
2036
+
2037
+ Up with.
2038
+
2039
+ The idea.
2040
+
2041
+ That an activity.
2042
+
2043
+ By.
2044
+
2045
+ Virtue of that are active but actually taking place.
2046
+
2047
+ I see.
2048
+
2049
+ Okay.
2050
+
2051
+ Thank you for taking my question, please.
2052
+
2053
+ Okay.
2054
+
2055
+ I guess it's like if you read the study as
2056
+
2057
+ well, but just.
2058
+
2059
+ The active when it's objects moving towards the mouse.
2060
+
2061
+ That's what I'm trying to say, but only when they're
2062
+
2063
+ moving ahead of the target.
2064
+
2065
+ So it's much more different from anything.
2066
+
2067
+ Yeah, it's so interesting.
2068
+
2069
+ Question Is there any.
2070
+
2071
+ More than what is it.
2072
+
2073
+ Going to take that we know that we know psychologically,
2074
+
2075
+ that whole thing for.
2076
+
2077
+ Actions.
2078
+
2079
+ Whether that specific you know, whether specific structure can afford
2080
+
2081
+ to do for specific.
2082
+
2083
+ Comparisons as any work is done in the executive there?
2084
+
2085
+ But it's a good question.
2086
+
2087
+ I don't think it's coming back.
2088
+
2089
+ But I don't know.
2090
+
2091
+ But with all the time it takes to do something
2092
+
2093
+ like this happens, but it seems to be generated, they're
2094
+
2095
+ more expensive.
2096
+
2097
+ But again, we recognise that.
2098
+
2099
+ People.
2100
+
2101
+ Keep working on.
2102
+
2103
+ It could be difficult to predict what's going to happen
2104
+
2105
+ in Texas because that's not something that's going to come
2106
+
2107
+ to grips with the fact that people are killed by.
2108
+
2109
+ In particular for the focus groups which are protected in
2110
+
2111
+ the construction of the company as well as collaborations.
raw_transcripts/lecture_9.txt ADDED
@@ -0,0 +1,2443 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ All right.
2
+
3
+ Good morning.
4
+
5
+ You know, I have a mini stroke or did I
6
+
7
+ say some names outside before anyone else say some names?
8
+
9
+ Oh, no.
10
+
11
+ No.
12
+
13
+ Okay.
14
+
15
+ Maybe I just had a mini stroke.
16
+
17
+ Okay.
18
+
19
+ I'm just trying to work out what happened there.
20
+
21
+ So it's really my pleasure to raise a volume.
22
+
23
+ So.
24
+
25
+ Is that better?
26
+
27
+ I can't tell from down here.
28
+
29
+ Okay.
30
+
31
+ It's my pleasure to try and take you through this
32
+
33
+ today.
34
+
35
+ When I was a young graduate student, actually, this field
36
+
37
+ had just started.
38
+
39
+ And one of the papers I'll introduce you to.
40
+
41
+ Was a real key moment in that development.
42
+
43
+ I remember talking to one of the authors of that
44
+
45
+ paper and.
46
+
47
+ Been blown away by the idea that perhaps we could
48
+
49
+ track.
50
+
51
+ The evolution of a decision in the brain.
52
+
53
+ I think we think it's fairly commonplace to look at
54
+
55
+ this now, but back then this seemed like there's something
56
+
57
+ beyond.
58
+
59
+ Our abilities.
60
+
61
+ So in the last couple of lectures, what I hope
62
+
63
+ I hope you understand is that signals from the senses,
64
+
65
+ like the eye I communicated to the brain along parallel
66
+
67
+ pathways of showing you that these signals are represented in
68
+
69
+ early brain areas, the primary cortical areas, for example, in
70
+
71
+ the form of topographic maps of the sensory periphery.
72
+
73
+ I'm telling you also the higher brain areas are called
74
+
75
+ high brain areas seem to transform those topographic maps of
76
+
77
+ the century periphery into frames or reference frames in which
78
+
79
+ we can make actions frames that are behaviour useful more
80
+
81
+ so those now probable graphic maps.
82
+
83
+ I've also shown you to some degree that Apple Motor
84
+
85
+ areas can use these spatial representations to guide movement bands.
86
+
87
+ So what we skipped over and what is still really
88
+
89
+ one of the fundamental unknowns about neuroscience is what's in
90
+
91
+ between these two things.
92
+
93
+ I illustrated to you that there are some cells that
94
+
95
+ we will call sensory motor neurones that give both sensory
96
+
97
+ input and have motor related glands activity.
98
+
99
+ They seem to be particularly important in this process.
100
+
101
+ And in this lecture we'll go through a particular class,
102
+
103
+ those neurones that sit in this whole area of the
104
+
105
+ brain called the lateral imprint area, which we discovered a
106
+
107
+ little bit in the last lecture.
108
+
109
+ And the question really is how do we decide which
110
+
111
+ action to execute?
112
+
113
+ There are many different actions we could possibly execute.
114
+
115
+ How do we decide among these options?
116
+
117
+ What I want to try and introduce you to is
118
+
119
+ the idea that we can actually practice evolution decisions.
120
+
121
+ We still don't know how we do decide, I should
122
+
123
+ say, but we're getting closer and closer to understanding that
124
+
125
+ fundamental point about behaviour.
126
+
127
+ To try and illustrate this, we have to settle on
128
+
129
+ a on a definition of a decision that we can
130
+
131
+ actually explore experimentally.
132
+
133
+ And I'm just going to take you through that in
134
+
135
+ the next couple of slides.
136
+
137
+ There are many different ways we can think about decisions,
138
+
139
+ but we need to think about ones in which we
140
+
141
+ can try and work out what is the neural basis
142
+
143
+ of this decision.
144
+
145
+ This slide represents two possible kinds of decisions that you
146
+
147
+ might make by commonly in the top in going to
148
+
149
+ a restaurant, in this case a pizza restaurant, you look
150
+
151
+ at the menu, you're trying to work out what it
152
+
153
+ is you would like to eat.
154
+
155
+ You surveyed the different options you take into account your
156
+
157
+ previous experience and biases.
158
+
159
+ You look for evidence in the form of the different
160
+
161
+ ingredients in the in the menu.
162
+
163
+ For example, you deliberate about what it is you would
164
+
165
+ like.
166
+
167
+ I'm asking my mom, in which case you just get
168
+
169
+ the same thing every time.
170
+
171
+ You learn what's available.
172
+
173
+ Understand the differences and deliberate.
174
+
175
+ This is a decision that we could perhaps explore.
176
+
177
+ Similarly, if you're a goalkeeper in football and it's your
178
+
179
+ job to try and save a penalty, then that task
180
+
181
+ to try and stop that ball going into the goal,
182
+
183
+ by the way, it takes about 0.3 of a second
184
+
185
+ for the ball to get from the penalty spot past
186
+
187
+ the goalkeeper, but not very long at all.
188
+
189
+ Your task is to try and evaluate the sensory evidence
190
+
191
+ or maybe the pattern of steps that kick the ball
192
+
193
+ is going to is using the direction that they're coming
194
+
195
+ from.
196
+
197
+ Maybe analyse that, that that particular player before and you've
198
+
199
+ worked out that they like to kick it up in
200
+
201
+ the top right of the net.
202
+
203
+ You have to try and make a rapid a very
204
+
205
+ rapid decision.
206
+
207
+ You have to execute that decision within about 50 or
208
+
209
+ 80 milliseconds of holding it very, very quickly and strongly
210
+
211
+ that the evidence you have for the hypothesis that you
212
+
213
+ are testing it quickly to make that decision.
214
+
215
+ So these are two forms of decision, the latter where
216
+
217
+ there's very little action leaping left or leaping right or
218
+
219
+ staying put is an easier one to study in the
220
+
221
+ context of operating systems and the kind of decision that
222
+
223
+ we're going to try and explore in this lecture.
224
+
225
+ So a definition of the kinds of decisions that I
226
+
227
+ would like to use is that a decision, is a
228
+
229
+ commitment to a proposition or the selection of an action,
230
+
231
+ a process that results in the overt act of choosing
232
+
233
+ based on evidence of prior knowledge and belief.
234
+
235
+ Overt is easier.
236
+
237
+ Is a decisions that we can look at objectively rather
238
+
239
+ than just subjectively.
240
+
241
+ As Jeffrey saw, one of the pioneers of this field
242
+
243
+ is puts it where choice refers directly to the final
244
+
245
+ commitment, the one among the alternative actions, decisions referred most
246
+
247
+ directly to the deliberation preceding the action.
248
+
249
+ So it's not the actual action we choose, but the
250
+
251
+ process of deliberating among the possible actions that we undertake.
252
+
253
+ Or as Golden seven.
254
+
255
+ Mike Catlin is another leader, as is his former.
256
+
257
+ First of all, decision is the deliberative process that results
258
+
259
+ in the commitment to categorical propositions that the right an
260
+
261
+ apt analogy for judge or jury that may take time
262
+
263
+ to weigh evidence for Internet of interpretations and or possible
264
+
265
+ ramifications before settling on a verdict.
266
+
267
+ In these kinds of definitions is that these decisions take
268
+
269
+ time.
270
+
271
+ You accumulate evidence and you take time to make them
272
+
273
+ be deliberate.
274
+
275
+ And the fact that we're taking time to make them
276
+
277
+ means that we can look for the signals of that
278
+
279
+ process in the brain.
280
+
281
+ If there was no time in which you needed to
282
+
283
+ make that decision, you wouldn't know what to look for
284
+
285
+ in the brain.
286
+
287
+ But it takes time to accumulate evidence, and that's something
288
+
289
+ we can can't find.
290
+
291
+ So this is one way of trying to think about
292
+
293
+ the basic components of most of these kinds of decisions.
294
+
295
+ On the top is the context in which the decision
296
+
297
+ is being made.
298
+
299
+ On the bottom is kind of the architecture of the
300
+
301
+ process that helps that decision to be made.
302
+
303
+ For example, you may need a task and motivation and
304
+
305
+ will get to a very specific task and motivation in
306
+
307
+ the moment.
308
+
309
+ You need to generate hypotheses about the world.
310
+
311
+ You need to incorporate your beliefs and prior knowledge.
312
+
313
+ That's all the context of the task.
314
+
315
+ And the context of this kind of sensory guided motor
316
+
317
+ actions and the kinds of decisions that we're going to
318
+
319
+ make require you to take some sensory input, evaluate it,
320
+
321
+ transform that sensory input into a useful form of evidence,
322
+
323
+ something that you can act upon.
324
+
325
+ You need to generate what we will call a decision
326
+
327
+ variable.
328
+
329
+ That is a point at which after which you have
330
+
331
+ committed to a particular decision.
332
+
333
+ We'll go through this in the next episode.
334
+
335
+ You need to apply that decision rule that you need
336
+
337
+ to execute the motor out.
338
+
339
+ I challenge you to describe decisions and reforms that don't
340
+
341
+ fit into this general framework.
342
+
343
+ It doesn't cover every type of decision, but most of
344
+
345
+ these things are the key component that you think, well,
346
+
347
+ one thing that shouldn't fail.
348
+
349
+ And we're going to try and fill out these boxes
350
+
351
+ in terms of specific tasks that an animal or human
352
+
353
+ might do and which they have done for the last
354
+
355
+ 20 years, ad infinitum.
356
+
357
+ So what I hope we will discover in the sector
358
+
359
+ is that humans and other animals accumulate evidence for decision
360
+
361
+ over time.
362
+
363
+ That decision is made when the accumulated evidence reaches a
364
+
365
+ criterion.
366
+
367
+ Consequently, harder decisions take longer to get right.
368
+
369
+ That by adjusting bias in criterion, we can change the
370
+
371
+ process of decision making from being safe and slow growing
372
+
373
+ fast.
374
+
375
+ And I'm going to show you that there's your signatures.
376
+
377
+ That is new activity that reflects these different parts of
378
+
379
+ the process and that you see this is a key
380
+
381
+ way that evidence can be identified early in the processing
382
+
383
+ hierarchy.
384
+
385
+ And and actually, Frank, Larry, as we discover among neurones
386
+
387
+ that both respond to sensory stimuli and predict motor outputs,
388
+
389
+ that is sensory motor neurones, these are the kinds of
390
+
391
+ neurones we explored in IP.
392
+
393
+ I said to, for example, that respond in both the
394
+
395
+ sensory stimulus that was being shown to the animal and
396
+
397
+ predicted the motor action that they were got from the.
398
+
399
+ So most of this work, especially in the early stages,
400
+
401
+ has been conducted in the context of moving your eyes.
402
+
403
+ This is something we do 2 to 3 times every
404
+
405
+ second of every day that we are waiting.
406
+
407
+ We move our eyes around.
408
+
409
+ We make seconds.
410
+
411
+ These are ballistic eye movements, very rapid eye movements that
412
+
413
+ move eye around so that we can bring some kind
414
+
415
+ of growth onto the central region of our eye over
416
+
417
+ here.
418
+
419
+ And we bring it on to the central region of
420
+
421
+ the eye, because that's where the high intensity of odour
422
+
423
+ receptors are, and that's where we would like to analyse
424
+
425
+ the visual image.
426
+
427
+ So we were very good at making these eye movements.
428
+
429
+ We make them very rapidly and we make them very
430
+
431
+ frequently.
432
+
433
+ There's a lot of the brains devoted to trying to
434
+
435
+ make them in the most optimal way possible.
436
+
437
+ This is one example of a kind of pass that
438
+
439
+ a monkey might do or a human might do in
440
+
441
+ trying to search the city.
442
+
443
+ Here the ice starts off in the centre of the
444
+
445
+ image.
446
+
447
+ Their task is simply to find out, see and to
448
+
449
+ look at that to.
450
+
451
+ Now, when you look at the centre of these things
452
+
453
+ in the periphery, they're quite hard to detect.
454
+
455
+ It's very hard to tell whether something is an Al
456
+
457
+ or a T when they can be repeated in whichever
458
+
459
+ way.
460
+
461
+ And so monkeys tend to enter humans and make eye
462
+
463
+ movements to see sequentially surveil the image.
464
+
465
+ And so these little movements between each of these objects
466
+
467
+ are these two kinds.
468
+
469
+ And in this case, the monkey eventually finds that he,
470
+
471
+ in fact, actually makes an eye movement away from the
472
+
473
+ team and come back to the team.
474
+
475
+ So these are these are the kinds of movements you
476
+
477
+ make all the day when you're reading, for example, or
478
+
479
+ looking at someone's face.
480
+
481
+ My kids do it as well, and they're very good
482
+
483
+ at it just as we are.
484
+
485
+ That in itself is still a quite a hard path
486
+
487
+ to try and pick apart because the eye is moving
488
+
489
+ around all over the place.
490
+
491
+ There's many different potential stimuli that could be present.
492
+
493
+ It's still pretty tricky.
494
+
495
+ We need to find simplify that task even further.
496
+
497
+ And a lot of the field over the last ten
498
+
499
+ years is settled on this equal task and you will
500
+
501
+ encounter it a lot in the literature.
502
+
503
+ So I want to take you through the task a
504
+
505
+ little bit.
506
+
507
+ It is still a decision making process.
508
+
509
+ There will be some sensory input.
510
+
511
+ There will be a motor output and there is some
512
+
513
+ decision making process in between those two things.
514
+
515
+ However, the task in this case is going to be.
516
+
517
+ Estimate which way this field of random dots will see
518
+
519
+ them in a second reading and then make an eye
520
+
521
+ movement accordingly.
522
+
523
+ So the dots are moving to the left, making eye
524
+
525
+ movement to the left.
526
+
527
+ The dots are moving to the right, making eye movement
528
+
529
+ to the right.
530
+
531
+ That is the simplest possible task with moments involved.
532
+
533
+ So an animal or a human can be looking at
534
+
535
+ an evening monitor to see a field of dots on
536
+
537
+ a moving and then have two potential outputs.
538
+
539
+ Move left and move right.
540
+
541
+ And look at these two different dots.
542
+
543
+ And indeed, after the dance, the emotion seems has gone
544
+
545
+ away.
546
+
547
+ They're allowed to move their eyes and make that appropriate
548
+
549
+ decision.
550
+
551
+ This is perhaps the simplest task we can look at,
552
+
553
+ and it has proved enormously fruitful to understand the very
554
+
555
+ basic aspects of decision making.
556
+
557
+ So if you go back to this general context of
558
+
559
+ what a decision might look like and then we try
560
+
561
+ to put this past in that in that framework, you
562
+
563
+ get something like the of the animal, the animal or
564
+
565
+ the human.
566
+
567
+ The task is simply are the dots moving left or
568
+
569
+ right?
570
+
571
+ And the motivation for animals is reward often also the
572
+
573
+ motivation for humans.
574
+
575
+ Amazon.
576
+
577
+ Humans generate two hypotheses on the basis of the sensory
578
+
579
+ evidence hypothesis.
580
+
581
+ One dog moving that told to the moving right.
582
+
583
+ And I can bring in to this task, although we
584
+
585
+ won't discuss it equally here.
586
+
587
+ They believe some families set up example.
588
+
589
+ You could train and even or train a monkey on
590
+
591
+ a task such that the you over represent the probability
592
+
593
+ of the adults moving right and perhaps the monkey will
594
+
595
+ learn or even will learn that it's more likely to
596
+
597
+ go right.
598
+
599
+ That might be a prior belief.
600
+
601
+ That's not the general structure of these parts, but that's
602
+
603
+ something you might do to fiddle with the context and
604
+
605
+ biases, and I will bring it into a decision.
606
+
607
+ So that's the context of the past.
608
+
609
+ The decision making process is to analyse that visual motion,
610
+
611
+ which direction of the dots going.
612
+
613
+ Then transform that into a useful form of evidence generating
614
+
615
+ decision variable, apply a decision rule and then move your
616
+
617
+ eyes to the left or the right, and the path
618
+
619
+ to the next few slides is fine.
620
+
621
+ Go through this.
622
+
623
+ To be able to do that.
624
+
625
+ I need to tell you a couple of little things
626
+
627
+ about how we represent motion in the brain digital motion.
628
+
629
+ Then we're going to use this task, these dots that
630
+
631
+ you'll see moving into the next slide.
632
+
633
+ They've become very common.
634
+
635
+ The reason these dots are so common in these parts
636
+
637
+ is there are a large field of dots that can
638
+
639
+ move.
640
+
641
+ Either every dot moves to the left, for example, to
642
+
643
+ the right together.
644
+
645
+ That would we would call that a 100% coherence.
646
+
647
+ All the dots are moving in the same direction.
648
+
649
+ You can see that represented on the right here for
650
+
651
+ each of those dots as a little arrow and they're
652
+
653
+ all going in the same direction.
654
+
655
+ This is actually output Explorer.
656
+
657
+ So all adults can move together or only some of
658
+
659
+ the dots can move.
660
+
661
+ So you might vary the fraction moving in a particular
662
+
663
+ direction or if example, maybe 50% of the dots open
664
+
665
+ it up automatically.
666
+
667
+ Right.
668
+
669
+ And the other 50% adults.
670
+
671
+ Those dots are moving randomly.
672
+
673
+ And so those dots, they provide noise.
674
+
675
+ So by bearing the number of dots in a moving
676
+
677
+ in the same direction, we can vary the signal to
678
+
679
+ noise ratio with English.
680
+
681
+ This is very important.
682
+
683
+ Some decisions which are very easy to do and this
684
+
685
+ is very easy.
686
+
687
+ For example, 100% coherence are actually really hard to do
688
+
689
+ when there's only a small amount of signalling there.
690
+
691
+ So by adding noise, we can make this decision harder
692
+
693
+ and we can track things over a longer period of
694
+
695
+ time, for example, and we can ask how animals or
696
+
697
+ humans accumulate the evidence that they're about right.
698
+
699
+ Now, these dots were developed as a stimulus to explore
700
+
701
+ the responses of neurones in a very particular part of
702
+
703
+ the brain called Area MP, sometimes referred to as B
704
+
705
+ five.
706
+
707
+ This area, which was first discovered by senators that he
708
+
709
+ who is emeritus professor at UCL and at the time
710
+
711
+ I think was working over in Queen Square in the
712
+
713
+ history of neurology.
714
+
715
+ E contemporaneously with some researchers in the US in the
716
+
717
+ early 1970s discovered this tiny little part of the brain
718
+
719
+ that is several millimetres in size in monkeys where every
720
+
721
+ neurone in that part of the brain seemed to be
722
+
723
+ selected for the direction of motion of a visual stimulus.
724
+
725
+ In Sammy's work, this was in contradiction.
726
+
727
+ Its most effective area, he found, next to an area
728
+
729
+ that seemed to be selected for colour.
730
+
731
+ He was describing how different types of as different information
732
+
733
+ about the outside world had been encoded by visual cortex.
734
+
735
+ He found areas that responsive to motion, areas that were
736
+
737
+ supposed to be responsive to colour by not fluid depth
738
+
739
+ and other forms of information, which you will only learn
740
+
741
+ about later.
742
+
743
+ But the purpose here, our interest is in this area
744
+
745
+ empty.
746
+
747
+ By the way, the doublet empty stands for a middle
748
+
749
+ temporal area because on some in some monkeys, this part
750
+
751
+ of the brain is found in the middle temporal area.
752
+
753
+ In mechanics and humans.
754
+
755
+ It's found in a small suitcase inside of the brain.
756
+
757
+ You can't really see it here.
758
+
759
+ It's actually this little bit here.
760
+
761
+ This little area gets direct input from V1, the primary
762
+
763
+ visual cortex.
764
+
765
+ It is one of the most highly conserved parts of
766
+
767
+ the brain in primates.
768
+
769
+ Every single primate seems to have this part of the
770
+
771
+ cortex dedicated to being selected for visual motion.
772
+
773
+ And if you measure it from neurones in that part
774
+
775
+ of the brain, you get something like this activity shown
776
+
777
+ here.
778
+
779
+ If you're using a very strong stimulus, understand coherent dots.
780
+
781
+ The neurones are very selective for the direction and motion
782
+
783
+ of those dots.
784
+
785
+ These dashes here are meant to indicate the time of
786
+
787
+ appearances and action potential on one file of the stimulus
788
+
789
+ and can see that these neurones respond very well when
790
+
791
+ these talks are all moving together in one direction.
792
+
793
+ They are tuned for the direction of motion.
794
+
795
+ That is, even if the dots are moving in another
796
+
797
+ direction, they aren't responsive.
798
+
799
+ And they're also sensitive to the signal to noise ratio.
800
+
801
+ That is, if there are fewer dogs moving in the
802
+
803
+ same direction, they become progressively weaker.
804
+
805
+ And their response?
806
+
807
+ These are neurones in every empty.
808
+
809
+ They are based on neurones that we discover in a
810
+
811
+ second.
812
+
813
+ They don't seem to communicate much information about what an
814
+
815
+ animal would do with that signal.
816
+
817
+ They just represent a visual motion in the outside world.
818
+
819
+ We study these neurones that 15 or 20 years ourselves
820
+
821
+ in our lab.
822
+
823
+ It's an amazing part of the brain to report from.
824
+
825
+ What you will see here is actually the kinds of
826
+
827
+ stimuli that are used in the lab with different it's
828
+
829
+ quite hard to represent these moving stimuli.
830
+
831
+ So videos only really work.
832
+
833
+ One project is a little bit you need a high
834
+
835
+ frame rate presentation device to see it properly.
836
+
837
+ You see hopefully dots moving in one direction or another
838
+
839
+ direction down to left or up to the right, and
840
+
841
+ the fraction of dogs that are moving in the same
842
+
843
+ direction varies and find the file.
844
+
845
+ Well, you can.
846
+
847
+ Here is actually this is a video taken lots of
848
+
849
+ monkeys doing this task.
850
+
851
+ You can hear all the audio tones which indicate when
852
+
853
+ the start and finish is the monkey.
854
+
855
+ And in the background you hear the action potentials of
856
+
857
+ cells and area and to.
858
+
859
+ This.
860
+
861
+ So those are the action potentials that you hear about
862
+
863
+ recording played through an amplifier so the experiment can listen
864
+
865
+ to them.
866
+
867
+ That, by the way, is not available for the monkey
868
+
869
+ to do in the past.
870
+
871
+ It's in a soundproof chamber outside of this room.
872
+
873
+ So you can see that those neurones in area and
874
+
875
+ they respond very well when the when the stimulus goes
876
+
877
+ up into the right side, down to the left and
878
+
879
+ not at all when it goes down to the right,
880
+
881
+ but different neurones in area MP will prefer different motion
882
+
883
+ directions, some down to the left, some often to the
884
+
885
+ right, some often to the left.
886
+
887
+ Some down to the right, for example.
888
+
889
+ The second part of the of this task, that's the
890
+
891
+ sensory information that's coming in is representing an area MP.
892
+
893
+ It's representing the action potential that neurones in that area
894
+
895
+ produce.
896
+
897
+ And it's possible to train a monkey to do this
898
+
899
+ task to detect which or to report sorry which direction
900
+
901
+ in motion these dots are going in.
902
+
903
+ And this was something that was accomplished first in the
904
+
905
+ late 1980s and now has become very sound parts of
906
+
907
+ monkeys and humans.
908
+
909
+ And you can see here that if we put on
910
+
911
+ the x axis, the number of the fraction of Dr.
912
+
913
+ moving coherently at 1% or 10% or 100%.
914
+
915
+ This is the proportion correct on an author's choice task
916
+
917
+ where the animal has to report to the left, to
918
+
919
+ the right, example or two up to the right and
920
+
921
+ down to the left.
922
+
923
+ That as those as the number of dots moving coherently
924
+
925
+ increases, so does the fraction of times that the animal
926
+
927
+ gets its decision.
928
+
929
+ Right.
930
+
931
+ These animals are highly motivated because they are actually water
932
+
933
+ regulated and they're working for juice.
934
+
935
+ They just have very well, I've tried to do this
936
+
937
+ task many times.
938
+
939
+ I'm nowhere near as good as these monkeys.
940
+
941
+ These monkeys are getting almost 100% correct, about ten or
942
+
943
+ 20%.
944
+
945
+ That's moving in the same direction.
946
+
947
+ To me, it takes 30 or 40%, 0% for.
948
+
949
+ But his monkeys are highly motivated.
950
+
951
+ So this is what we would call a psychometric function.
952
+
953
+ It simply says that the monkey gets better as the
954
+
955
+ numbers don't move in the same direction also increases.
956
+
957
+ All right.
958
+
959
+ So I thought then about the fact that this area
960
+
961
+ empty, which seems to be responsive to these dots, provides
962
+
963
+ potentially action potentials or neural activity that they may represent
964
+
965
+ the motion direction of these dots.
966
+
967
+ And we know that the monkey can actually detect which
968
+
969
+ motion direction is going in.
970
+
971
+ So then between these two things, between the sensory input
972
+
973
+ and this motor output.
974
+
975
+ So now I need to tell you that one of
976
+
977
+ the reasons we're looking at Area A is it has
978
+
979
+ a not only does it have a strong input from
980
+
981
+ the primary visual cortex, it also has a strong apple
982
+
983
+ to this whole area of the frontal cortex over the
984
+
985
+ lateral impropriety area.
986
+
987
+ And so what researchers thought back in the late 1990s,
988
+
989
+ and this is when I started to see this field.
990
+
991
+ Since the neurones in their empty seem to be encoding
992
+
993
+ information about the visual stimulus, not about monkey's behaviour.
994
+
995
+ What we should do is look at one of the
996
+
997
+ areas, the area empty sensing.
998
+
999
+ In this case there might be and see whether or
1000
+
1001
+ not the same as bear.
1002
+
1003
+ Maybe those neurones that are getting input from these neurones
1004
+
1005
+ in MP are actually closer to the decision making process
1006
+
1007
+ than those neurones in area.
1008
+
1009
+ So if I was to summarise the activity of neurones
1010
+
1011
+ in every MP, looks like then as a function of
1012
+
1013
+ time you get something on the left.
1014
+
1015
+ This is a schematic.
1016
+
1017
+ When the stimulus comes on the activity, those neurones increases.
1018
+
1019
+ And when the stimulus turns off, the activity resume decreases.
1020
+
1021
+ So this neurone is responsive to the visual stimulus.
1022
+
1023
+ And the amplitude of this on the number of action
1024
+
1025
+ potentials a neurone produces depends on the emotion strength that
1026
+
1027
+ stimulus.
1028
+
1029
+ So there's only a few dots moving in the right
1030
+
1031
+ direction.
1032
+
1033
+ And if you continue to produce, if there are lots
1034
+
1035
+ of dots moving the wrong direction, a lot of attention
1036
+
1037
+ to produce.
1038
+
1039
+ So these neurones encode both the direction of motion and
1040
+
1041
+ the signal strength of the incoming stimulus.
1042
+
1043
+ In Aria Lippi, however, he finds something quite different.
1044
+
1045
+ Now when the stimulus comes on, instead of an immediate
1046
+
1047
+ change in the activity of these neurones, you get a
1048
+
1049
+ slow ramping up of activity.
1050
+
1051
+ The slope of that ramp seems depend on how much
1052
+
1053
+ signal there is in the visuals inlets.
1054
+
1055
+ And that activity is actually sustained even after the stimulus
1056
+
1057
+ is going on.
1058
+
1059
+ So these neurones are quite different to the sensory neurones
1060
+
1061
+ in our MP which are providing input to them.
1062
+
1063
+ They're not as closely linked to the onset of this
1064
+
1065
+ stimulus.
1066
+
1067
+ Their activity persists after the offset of the stimulus.
1068
+
1069
+ And in between, they seem to show this ramping behaviour,
1070
+
1071
+ this accumulation of activity from low levels to high levels.
1072
+
1073
+ That depends on the signal strength, the visual signal strength.
1074
+
1075
+ This is the same kind of way that we've shown
1076
+
1077
+ other cells in the previous lectures.
1078
+
1079
+ And I'll go through the presentation here again and I
1080
+
1081
+ can shows the activity of a real neurone.
1082
+
1083
+ An area like a when it's recorded from in this
1084
+
1085
+ kind of past.
1086
+
1087
+ It's quite a busy slide, so I'll just take you
1088
+
1089
+ through its early.
1090
+
1091
+ First of all, the monkey in this case is looking
1092
+
1093
+ at a screen very much like what we saw before.
1094
+
1095
+ There are some dots moving on that screen and there
1096
+
1097
+ are a couple of choice targets left or right, for
1098
+
1099
+ example.
1100
+
1101
+ And it turns out that if you measure from neurones
1102
+
1103
+ an area like this, you find a region of the
1104
+
1105
+ visual fields where these neurones tend to respond to the
1106
+
1107
+ visual stimulus and also a region that these people field
1108
+
1109
+ where neurones will predict an upcoming movement.
1110
+
1111
+ In fact.
1112
+
1113
+ So it's half the dots.
1114
+
1115
+ Come on.
1116
+
1117
+ And then they go off.
1118
+
1119
+ When they go off, the monkey has to make an
1120
+
1121
+ argument to the left or the right reporting which motion
1122
+
1123
+ direction in which Lincoln.
1124
+
1125
+ In these pictures down the bottom here.
1126
+
1127
+ Each of these rows represents a single file in which
1128
+
1129
+ the animals doing this asked each of those dots the
1130
+
1131
+ time of occurrence of a single action Santa Cruz 11
1132
+
1133
+ year on and the average activity over many trials is
1134
+
1135
+ shown in it is found on the bottom.
1136
+
1137
+ So large fires mean more activity from the zero.
1138
+
1139
+ And you can see as shown in the schematic before
1140
+
1141
+ that has a seamless turns on.
1142
+
1143
+ In this case, there's no coherent motion and there's very
1144
+
1145
+ little response in the neurone does start to build up,
1146
+
1147
+ however.
1148
+
1149
+ And indeed that build up in activity sustained until the
1150
+
1151
+ moment that the animal makes that eye movement to the
1152
+
1153
+ left or the right.
1154
+
1155
+ Just before that movement is made, that activity goes away.
1156
+
1157
+ It's as if that activity is predicting when the movement
1158
+
1159
+ will occur.
1160
+
1161
+ So these neurones in our area, AYP, which is I
1162
+
1163
+ showing in the second have some sensory input, are also
1164
+
1165
+ predicting when an eye movement occur and indeed which location
1166
+
1167
+ visual space I'm moving towards.
1168
+
1169
+ So you can vary the signal as visual motion streamers
1170
+
1171
+ in the on the screen.
1172
+
1173
+ In this case, if you move it, for example, in
1174
+
1175
+ one direction, it's to say to the left.
1176
+
1177
+ Which would inform the animal that the eye movement should
1178
+
1179
+ be to the left that is away from the part
1180
+
1181
+ of visual space that these neurones represent.
1182
+
1183
+ Then you find actually that the activity of these neurones
1184
+
1185
+ is very low.
1186
+
1187
+ And indeed, when they make an eye movement, nothing much
1188
+
1189
+ changes.
1190
+
1191
+ If, on the other hand, you put a lot of
1192
+
1193
+ thoughts moving in that direction to the right, predicting that
1194
+
1195
+ the movement should go to the right, which is also
1196
+
1197
+ happens before this neurone.
1198
+
1199
+ The preferred location of the eye movement is a good
1200
+
1201
+ deal.
1202
+
1203
+ You find that the activity goes up substantially, is sustained
1204
+
1205
+ through the time by movement and then dies away.
1206
+
1207
+ So these neurones encoding three different things.
1208
+
1209
+ They seem to be encoding aspects of the visual stimulus,
1210
+
1211
+ the coherence of the dots and when and where the
1212
+
1213
+ eyes move.
1214
+
1215
+ They are sensory motor neurones like those we discussed in
1216
+
1217
+ Area 80 on Friday.
1218
+
1219
+ So this activity predicts the direction of the movement, as
1220
+
1221
+ I showed you here, which.
1222
+
1223
+ If the animal was making it immune to the right.
1224
+
1225
+ In this case, the activity is high because making my
1226
+
1227
+ move to the left, the activity is low.
1228
+
1229
+ The activity signals the direction of the eye movement.
1230
+
1231
+ It signals also the time of the current, the eye
1232
+
1233
+ movement.
1234
+
1235
+ And also the activity also depends on the actual strength
1236
+
1237
+ of the visual signal.
1238
+
1239
+ If there was a lot of speed in the same
1240
+
1241
+ direction, the activity is not.
1242
+
1243
+ The activity is lower.
1244
+
1245
+ So these new ones are really integrating lots of different
1246
+
1247
+ types of things, integrating visual sensory information and predicting where
1248
+
1249
+ an eye when and where an eye will move.
1250
+
1251
+ They are that boundary, the interface between sensation and motor
1252
+
1253
+ output.
1254
+
1255
+ Despite his own father.
1256
+
1257
+ The simple decision is whether I should be moved right
1258
+
1259
+ or left.
1260
+
1261
+ We'll hear his indistinguishable in his past.
1262
+
1263
+ But a visual motion into the Michael, where I've also
1264
+
1265
+ said to you that neurones in our IP may participate
1266
+
1267
+ in making decisions about where to move the ice.
1268
+
1269
+ And the logic, the reasons for making that claim that
1270
+
1271
+ these neurones in our area may participate in making these
1272
+
1273
+ decisions.
1274
+
1275
+ Is that they are not sensory neurones because their activity
1276
+
1277
+ build up slowly and is continued after the cessation of
1278
+
1279
+ the visual stimulus.
1280
+
1281
+ They also are not sensory neurones because their activity predicts
1282
+
1283
+ the time and direction of a subsequent eye movement.
1284
+
1285
+ Even when the sensory information is ambiguous.
1286
+
1287
+ I didn't show you here.
1288
+
1289
+ But those neurones are also not just motor neurones because
1290
+
1291
+ their activity depends on the visual stimulus.
1292
+
1293
+ So if example this number of dots moving in the
1294
+
1295
+ same direction changes the.
1296
+
1297
+ I give you the neurones that I have a sensory
1298
+
1299
+ representation.
1300
+
1301
+ And what I only alluded to here and haven't really
1302
+
1303
+ shown to you that the differences in their activity emerged
1304
+
1305
+ early on in the response way before my movement was
1306
+
1307
+ actually made.
1308
+
1309
+ So these two different sets of evidence that you can
1310
+
1311
+ see in this one task said if these neurones are
1312
+
1313
+ neither sensory neurones nor motor neurones, but something at the
1314
+
1315
+ interface between them.
1316
+
1317
+ And for that reason they are hypothesised to be closely
1318
+
1319
+ involved in the formation of decisions about where to move
1320
+
1321
+ the eyes because they integrate.
1322
+
1323
+ They say that the bridge between sensory and motor activity.
1324
+
1325
+ So we just come out of size and go back
1326
+
1327
+ to the semantic illustration of what these two areas are
1328
+
1329
+ providing.
1330
+
1331
+ In this particular past year.
1332
+
1333
+ The area Empty streets.
1334
+
1335
+ Visual Sensory Stimulus Responses to visual Motion.
1336
+
1337
+ I've suggested the area.
1338
+
1339
+ Let me instead show you something that's more related to
1340
+
1341
+ the behaviour output, or at least the interface between sensory
1342
+
1343
+ and behaviour.
1344
+
1345
+ So how does this fit into the kinds of parts
1346
+
1347
+ that we were describing for?
1348
+
1349
+ We can start to think about the activity in aerospace
1350
+
1351
+ as potentially representing the decision variables.
1352
+
1353
+ So.
1354
+
1355
+ I said that there needs to be a decision variable.
1356
+
1357
+ When we make a decision, we need to collapse that
1358
+
1359
+ decision onto something as simple, as simple enough space in
1360
+
1361
+ which we can make a decision, for example.
1362
+
1363
+ We may want to say simply that if I produced
1364
+
1365
+ at least five action potentials, that I am confident about
1366
+
1367
+ the sensory input and I would like to make the
1368
+
1369
+ decision to move my eyes around.
1370
+
1371
+ In that case, the number of action tools that I
1372
+
1373
+ produce is a decision variable.
1374
+
1375
+ It is not enough of them.
1376
+
1377
+ I won't make that decision.
1378
+
1379
+ It is too many of them.
1380
+
1381
+ There's more than enough of them.
1382
+
1383
+ I will make that decision.
1384
+
1385
+ The decision variable.
1386
+
1387
+ So we could argue that the activity of neurones in
1388
+
1389
+ LP is actually a decision variable itself.
1390
+
1391
+ And further, we could say that when we apply criteria
1392
+
1393
+ to that decision variable, that is a particular threshold, let's
1394
+
1395
+ say five action potentials.
1396
+
1397
+ Once I pass that bacteria, I will make that decision.
1398
+
1399
+ So we go back to this description of what a
1400
+
1401
+ decision might look like.
1402
+
1403
+ We have, as I said before, the task is moving
1404
+
1405
+ left and right some hypotheses that we generate some belief
1406
+
1407
+ and find knowledge that we're not really going into.
1408
+
1409
+ And here we have the analysis of visual motion and
1410
+
1411
+ a decision in the end to move the eyes left
1412
+
1413
+ or right.
1414
+
1415
+ It should be.
1416
+
1417
+ Another thing here is useful form of evidence is actually
1418
+
1419
+ the output of every empty decision.
1420
+
1421
+ Variable is potentially the activity of neurones in every LP,
1422
+
1423
+ and the decision rule is simply that when the activity
1424
+
1425
+ of neurones in area LP exceed a certain value, then
1426
+
1427
+ I move my direction in my eyes and the direction
1428
+
1429
+ indicated by those neurones.
1430
+
1431
+ So this is a simple architecture for making a very
1432
+
1433
+ simple decision.
1434
+
1435
+ But we start to learn some really interesting things from
1436
+
1437
+ this.
1438
+
1439
+ For example, in the next few slides.
1440
+
1441
+ What I want to show you is that the predictions
1442
+
1443
+ of this kind of model.
1444
+
1445
+ Are the simple decisions in the course of simple decisions
1446
+
1447
+ and hard decisions.
1448
+
1449
+ There are compromises between the speed and accuracy of the
1450
+
1451
+ decision.
1452
+
1453
+ I showed you this graph before it.
1454
+
1455
+ In the context of these tasks, monkeys and humans are
1456
+
1457
+ very capable of making correct decisions when the number of
1458
+
1459
+ dots moving in the right direction is enough and we
1460
+
1461
+ get it right 100% of the time, and when it's
1462
+
1463
+ not enough, we get it right on time, which is
1464
+
1465
+ chance.
1466
+
1467
+ And in between we have a graded performance.
1468
+
1469
+ What I didn't show you was that if you looked
1470
+
1471
+ at the reaction time and given all monkeys that it
1472
+
1473
+ takes the time it takes to make these decisions.
1474
+
1475
+ The report was moving left to right.
1476
+
1477
+ This also varies if the motion hearings.
1478
+
1479
+ It takes longer.
1480
+
1481
+ That's at the left.
1482
+
1483
+ It takes longer to make the decision when there's very
1484
+
1485
+ few dots moving in the right direction and takes less
1486
+
1487
+ time to make decision when there's a lot of moving.
1488
+
1489
+ And we might think that the difference between the minimum
1490
+
1491
+ amount of time it takes to make a response, it
1492
+
1493
+ might be simply in our time, it takes me to
1494
+
1495
+ trigger a motor action.
1496
+
1497
+ That difference between the minimum and maximum amount of time
1498
+
1499
+ make a decision for people thinking we're deliberating about what
1500
+
1501
+ the information is.
1502
+
1503
+ The evidence is that is provided by those you can
1504
+
1505
+ the spring.
1506
+
1507
+ And in the context of the model I'm showing you,
1508
+
1509
+ we can think of then evidence being accumulated over time.
1510
+
1511
+ We require a threshold to be reached, after which we'll
1512
+
1513
+ make the decision.
1514
+
1515
+ And when the sequence is moving, a lot of thoughts
1516
+
1517
+ are moving in the same direction.
1518
+
1519
+ That threshold is reached relatively quickly, or when only a
1520
+
1521
+ few dots are moving in the right direction, that threshold
1522
+
1523
+ is reached.
1524
+
1525
+ We slowly.
1526
+
1527
+ So this model, which is often called the drift diffusion
1528
+
1529
+ model or accumulation model or rate model, or is it
1530
+
1531
+ about faulty compounds or it simply predicts that hard decisions
1532
+
1533
+ take longer because the rate of accumulation of the decision
1534
+
1535
+ variable, the evidence is slower when when a stimulus has
1536
+
1537
+ less signal to noise ratio.
1538
+
1539
+ You can even step.
1540
+
1541
+ We can even start to dig down a bit further
1542
+
1543
+ into in this module about how the decisions actually might
1544
+
1545
+ be made.
1546
+
1547
+ I showed you that owns an area and keep people
1548
+
1549
+ in motion directions.
1550
+
1551
+ What?
1552
+
1553
+ I didn't show you.
1554
+
1555
+ But what I told you was that some of your
1556
+
1557
+ own example coercion happened to the left and some down
1558
+
1559
+ to the right.
1560
+
1561
+ Up into the right.
1562
+
1563
+ Down to the left, for example.
1564
+
1565
+ So to make this decision, what we would like to
1566
+
1567
+ do is compare the responses of neurones that are, say,
1568
+
1569
+ representing often to the right with those and in the
1570
+
1571
+ opposite direction.
1572
+
1573
+ Right versus left, for example.
1574
+
1575
+ So we might find you are preparing activity of neurones,
1576
+
1577
+ preparing right with motion activity, neurones, preparing network management.
1578
+
1579
+ The way to extract a decision variable, a useful form
1580
+
1581
+ of evidence from these neurones is simply to find a
1582
+
1583
+ difference in their activity.
1584
+
1585
+ What is one minus the other?
1586
+
1587
+ We just represent that with a minus sign and we
1588
+
1589
+ do that.
1590
+
1591
+ In an area of IP.
1592
+
1593
+ We expect that to be the difference between these neurones
1594
+
1595
+ activity, which initially starts off as zero stimulus and then
1596
+
1597
+ after stimulus turns on gradually or rapidly.
1598
+
1599
+ Starts to go in one direction or the other direction.
1600
+
1601
+ So, for example, in this case, this evidence area of
1602
+
1603
+ activity in area of IP will tend to go towards
1604
+
1605
+ evidence for a right wing motion.
1606
+
1607
+ So we can think of then of this area activity,
1608
+
1609
+ an area IP representing the accumulated evidence that is seen
1610
+
1611
+ as moving either right or left.
1612
+
1613
+ And further that we will apply criteria to that activity
1614
+
1615
+ generating IP such that when this activity reaches a certain
1616
+
1617
+ level, we will decide that the dots are moving to
1618
+
1619
+ the right or to the left.
1620
+
1621
+ And that active you accumulate over some time.
1622
+
1623
+ That time of accumulation will depend on the magnitude of
1624
+
1625
+ the evidence.
1626
+
1627
+ Yeah, so that's a really good question.
1628
+
1629
+ So the exact mechanism for how you subtract your rooms
1630
+
1631
+ can vary.
1632
+
1633
+ The simplest way to think about is you think back
1634
+
1635
+ a few lectures.
1636
+
1637
+ If you have glutamatergic outputs from some neurones and gabaergic
1638
+
1639
+ apples from other neurones and the Gabaergic and the glutamatergic
1640
+
1641
+ have different signs, one is positive, one is negative.
1642
+
1643
+ And so when you add those together, you actually have
1644
+
1645
+ a subtraction going on.
1646
+
1647
+ So if you inhibit activity from activity output of neurones
1648
+
1649
+ that are going right one direction, if you inhibit them
1650
+
1651
+ by the activity of neurones exerting liquid direction, you actually
1652
+
1653
+ have a function.
1654
+
1655
+ Antibody suppression.
1656
+
1657
+ So inhibition can do this infarction for you.
1658
+
1659
+ There are other ways of doing this, but that is
1660
+
1661
+ the most obvious way to find.
1662
+
1663
+ Those neurones are coming together in some form, invited together
1664
+
1665
+ into a light.
1666
+
1667
+ If some neurones are providing in addition to some neurone
1668
+
1669
+ defining excitation, you can subtract one from the other and
1670
+
1671
+ get this form of evidence.
1672
+
1673
+ Now the schematics are showing.
1674
+
1675
+ You going to show you the kind of real activity
1676
+
1677
+ on a trial by trial basis and every MP.
1678
+
1679
+ If you think about this, it's also schematic, but it's
1680
+
1681
+ a bit more realistic.
1682
+
1683
+ There's a lot of variability from moment to moment in
1684
+
1685
+ the activity of neurones and area and to.
1686
+
1687
+ So, for example, those neurones that were preferring right with
1688
+
1689
+ motion are no longer nice straight lines, but they will
1690
+
1691
+ be lines.
1692
+
1693
+ And you and Fred, right?
1694
+
1695
+ MARTIN And your friend Macklemore from Memphis.
1696
+
1697
+ In fact, these you still in the end get towards
1698
+
1699
+ the same value, but you got a lot of variance
1700
+
1701
+ in the game, for example, instead of having a straight
1702
+
1703
+ line here.
1704
+
1705
+ Absolutely.
1706
+
1707
+ Lines are important, first of all.
1708
+
1709
+ Now, the consequence of this noise that's happening on each
1710
+
1711
+ trial is variability in your firing is that sometimes you
1712
+
1713
+ might reach this criteria more quickly on than on other
1714
+
1715
+ times.
1716
+
1717
+ So for example, and because of that, we need to
1718
+
1719
+ make a decision about where we set the criterion and
1720
+
1721
+ what decision we're making.
1722
+
1723
+ It is evidence accumulates over time.
1724
+
1725
+ It will, in the end get to the right place.
1726
+
1727
+ If we make our criteria nice and high threshold, nice
1728
+
1729
+ and high, we will only.
1730
+
1731
+ Make a decision when the evidence is accumulated to a
1732
+
1733
+ really safe sure bet.
1734
+
1735
+ So we going to have a higher threshold and make
1736
+
1737
+ sure that we don't make the wrong decision.
1738
+
1739
+ If, on the other hand, we reduce our criteria, reduce
1740
+
1741
+ our threshold, we become sensitive to noise variability.
1742
+
1743
+ Some of the times that noise is fine, that variability
1744
+
1745
+ is fine.
1746
+
1747
+ So, for example, here we're still making the right decision
1748
+
1749
+ is going towards the right.
1750
+
1751
+ We're making it earlier because we're able to be more
1752
+
1753
+ sensitive to the early phase of the activity.
1754
+
1755
+ But we also occasionally make the wrong decision because actually
1756
+
1757
+ because that noise, that variability, the activity, the new ordinary,
1758
+
1759
+ empty, we're actually representing the wrong direction in motion at
1760
+
1761
+ that point in time.
1762
+
1763
+ So if we make our criteria really, really low, we're
1764
+
1765
+ going to be faster to make decisions because we need
1766
+
1767
+ less evidence to accumulate.
1768
+
1769
+ But we're not going to make we run the risk
1770
+
1771
+ of making the wrong decision.
1772
+
1773
+ So we transform a safe and slow decision and go
1774
+
1775
+ fast with every decision.
1776
+
1777
+ Just by simply changing the criteria which will apply to
1778
+
1779
+ activity of your.
1780
+
1781
+ The other way that we can try and change the
1782
+
1783
+ kind of responses we make is by adding bias to
1784
+
1785
+ the activity.
1786
+
1787
+ So, for example, we might come in with preconceptions and
1788
+
1789
+ don't move to the right.
1790
+
1791
+ We could somehow change the combinations we're making such that
1792
+
1793
+ the activity goes right with neurones ones closer to the
1794
+
1795
+ threshold that we've set.
1796
+
1797
+ We will then be very capable, very capable of detecting
1798
+
1799
+ dogs that move around very quickly.
1800
+
1801
+ With our bias allows us to make fast decisions.
1802
+
1803
+ Our it also runs the risk of making the wrong
1804
+
1805
+ decision.
1806
+
1807
+ If, for example, these double blind gear activity would have
1808
+
1809
+ normally ended up being a st, the left was unfortunately
1810
+
1811
+ to the right.
1812
+
1813
+ Early on in the trial.
1814
+
1815
+ So again, we can transform a safe and slow decision
1816
+
1817
+ into a risky and fast decision, this time not by
1818
+
1819
+ changing the criteria that we're applying to the activity, but
1820
+
1821
+ by changing the bias that we put into the system
1822
+
1823
+ in the first place.
1824
+
1825
+ We might call this our five beliefs, our bias, or
1826
+
1827
+ whatever it is.
1828
+
1829
+ It's it's something that we can use to manipulate the
1830
+
1831
+ activities.
1832
+
1833
+ I want to spend so.
1834
+
1835
+ But hopefully outline to you there is that in this
1836
+
1837
+ very simple framework of understanding the decision and these very
1838
+
1839
+ simple, neurobiological driven models of making those decisions.
1840
+
1841
+ We actually have some profound insight about the process of
1842
+
1843
+ making decisions that we can have these safe and slow,
1844
+
1845
+ fast and risky ones.
1846
+
1847
+ We've actually been able to see how neurones that bridge
1848
+
1849
+ between sensation and motor activity might actually help revive that
1850
+
1851
+ season, although we still don't know.
1852
+
1853
+ How.
1854
+
1855
+ I just want to spend a few seconds, you know,
1856
+
1857
+ just describing some one of the other outcomes of that
1858
+
1859
+ kind of framework.
1860
+
1861
+ And that is one of the things we want to
1862
+
1863
+ do when we make decisions is learn from them.
1864
+
1865
+ We want to make better decisions in the future.
1866
+
1867
+ And.
1868
+
1869
+ The other thing that we want to do is and
1870
+
1871
+ make better decisions.
1872
+
1873
+ We kind of know how confident we were in those
1874
+
1875
+ decisions.
1876
+
1877
+ We also want to know.
1878
+
1879
+ We want to associate the decisions that we make with
1880
+
1881
+ the presence or absence of a reward that we get
1882
+
1883
+ from students.
1884
+
1885
+ So we all know how confident we are in the
1886
+
1887
+ season we're making so that we can learn from those
1888
+
1889
+ decisions.
1890
+
1891
+ We want to know if those decisions led to a
1892
+
1893
+ reward.
1894
+
1895
+ Strikingly, we've been able to make some progress in that
1896
+
1897
+ in the last ten years.
1898
+
1899
+ But this accumulation model actually predicts that a wave representing
1900
+
1901
+ confidence in the activity of neurones.
1902
+
1903
+ As I said before, we can have a decision variable
1904
+
1905
+ here which accumulates over time until we make a decision.
1906
+
1907
+ But if we look at the activity of neurones in
1908
+
1909
+ the brain over this period of time, we also find
1910
+
1911
+ another feature which would be very happy to be able
1912
+
1913
+ to answer in this context is that.
1914
+
1915
+ The certainty that we have and the variability in the
1916
+
1917
+ activity, those neurones changes as a function of time.
1918
+
1919
+ So not only are we getting a change in the
1920
+
1921
+ mean, that is the accumulation of evidence, we're also getting
1922
+
1923
+ a change in the variability of the activity of those
1924
+
1925
+ neurones.
1926
+
1927
+ And the consequence of that is that early on in
1928
+
1929
+ the trial, for example, we have a lot of variability
1930
+
1931
+ and we have much less confidence in our choices.
1932
+
1933
+ Much more uncertainty.
1934
+
1935
+ Whereas later on in time we have more certainty or
1936
+
1937
+ more confidence.
1938
+
1939
+ Now, of course, the variability of different.
1940
+
1941
+ We can actually measure the reduction here that we are
1942
+
1943
+ actually more confident later on.
1944
+
1945
+ Like more evidence because the variability reduces and the activity
1946
+
1947
+ of neurones and towards the main.
1948
+
1949
+ We actually measure some of these things by confidence in
1950
+
1951
+ humans and animals.
1952
+
1953
+ This is one really nice example of how to find
1954
+
1955
+ it in a child in this case.
1956
+
1957
+ We can measure the confidence the animal the child has
1958
+
1959
+ in the decision making without even asking.
1960
+
1961
+ And the rate at which a child will find very
1962
+
1963
+ difficult to do.
1964
+
1965
+ This task is really straightforward and really, really elegant.
1966
+
1967
+ A trial has shown two boxes through which they can
1968
+
1969
+ put their hands and is shown that there's a toy
1970
+
1971
+ in one of those boxes.
1972
+
1973
+ They are then required to.
1974
+
1975
+ A delay is then interposed between being shown that and
1976
+
1977
+ then being exposed to the two boxes again.
1978
+
1979
+ And then the account is required to indicate whether by
1980
+
1981
+ moving the hand towards the box which of the thing
1982
+
1983
+ before using.
1984
+
1985
+ And that's a simple task.
1986
+
1987
+ That's the simplest open task that the to do.
1988
+
1989
+ It is stunning when you do this task is to
1990
+
1991
+ do what you see represented here on the x axis
1992
+
1993
+ is the memorisation.
1994
+
1995
+ The way the time between being shown the and being
1996
+
1997
+ asked to complete the task, which ranges between three and
1998
+
1999
+ 4 seconds in this experiment.
2000
+
2001
+ And the Y axis here is what we would call
2002
+
2003
+ the persistence.
2004
+
2005
+ That is how long the child leaves the hand in
2006
+
2007
+ the box scoring for the object.
2008
+
2009
+ The green dot here shows how long they leave the
2010
+
2011
+ hand boxes going.
2012
+
2013
+ By the way, he's not there.
2014
+
2015
+ There's not public approval.
2016
+
2017
+ When they make the correct decision and the read points
2018
+
2019
+ indicate how long they chooses to go where there may
2020
+
2021
+ be a decision.
2022
+
2023
+ Now, if the child had no representation of the confidence,
2024
+
2025
+ they hadn't made decisions.
2026
+
2027
+ These values should be the same.
2028
+
2029
+ You should explore as long whether you made the correct
2030
+
2031
+ or incorrect decision, you should explore the same outcome.
2032
+
2033
+ As strikingly, you find that the child exposed longer when
2034
+
2035
+ they've made the correct decision and when they're waiting for.
2036
+
2037
+ This implies that the chart has a representation of the
2038
+
2039
+ confidence in the decision they can somehow use.
2040
+
2041
+ Another elegant design is in monkeys, as shown here and
2042
+
2043
+ there.
2044
+
2045
+ And I'll just take you through this briefly.
2046
+
2047
+ But basically that same experimental design that we saw before
2048
+
2049
+ we realised the left or the right is now elaborated
2050
+
2051
+ slightly with one little change in the experimental design.
2052
+
2053
+ Now instead of just having left and right pockets to
2054
+
2055
+ move their eyes.
2056
+
2057
+ There's also another target that allows a monkey to make
2058
+
2059
+ a sure bet.
2060
+
2061
+ A sure bet is a small but consistent war.
2062
+
2063
+ So the monkey's unsure about the decisions that they're making.
2064
+
2065
+ They could take the show back because I know they'll
2066
+
2067
+ get a small reward if they're more confident that this
2068
+
2069
+ isn't the right thing.
2070
+
2071
+ It was more like a move to the left or
2072
+
2073
+ the right pocket, which will give a larger reward there
2074
+
2075
+ some risk.
2076
+
2077
+ And indeed, if you ask the monkey to do this
2078
+
2079
+ task, you find the data.
2080
+
2081
+ I won't go through the data particularly here, but it
2082
+
2083
+ is, as you would expect, Monkey makes more choices when
2084
+
2085
+ it is when the signal strength is lower and therefore
2086
+
2087
+ he's less likely to be concerned and less sure choices.
2088
+
2089
+ So the signal strength is higher is therefore likely to
2090
+
2091
+ be important.
2092
+
2093
+ So this is the probably the short target.
2094
+
2095
+ And the probability the short target decreases with this amount
2096
+
2097
+ of.
2098
+
2099
+ Signal strength.
2100
+
2101
+ Strikingly, if you look at the activity of the neurones
2102
+
2103
+ in this area of IP actually represent whether or not
2104
+
2105
+ the animal will choose the short target early on in
2106
+
2107
+ the trial.
2108
+
2109
+ This is a little bit tricky, so I'm just going
2110
+
2111
+ to show you this and describe it to do really.
2112
+
2113
+ This is the task here.
2114
+
2115
+ During this time here, there's a period of time here.
2116
+
2117
+ That's when the stimulus is on.
2118
+
2119
+ Now the dots come on and then they turn off.
2120
+
2121
+ And then at some point in time after that, the
2122
+
2123
+ short target comes on.
2124
+
2125
+ And that's from Dave on this test line.
2126
+
2127
+ And then some time after that, the channel makes a
2128
+
2129
+ choice by moving their eyes.
2130
+
2131
+ You can ignore the street here for a moment and
2132
+
2133
+ just look at this bit during the presentation.
2134
+
2135
+ The stimulus.
2136
+
2137
+ It turns out if you divide those files into three
2138
+
2139
+ different parts, Monkey chooses the left target, choosing the right
2140
+
2141
+ target, which uses a short target.
2142
+
2143
+ The activity in this period before they even know that
2144
+
2145
+ the short target will be available, predicts the upcoming decision.
2146
+
2147
+ The implement.
2148
+
2149
+ This short target is only available on 57,000 unpredictable 50%
2150
+
2151
+ pilot.
2152
+
2153
+ And we did not know that that tiger will be
2154
+
2155
+ available when when this activity is developing.
2156
+
2157
+ And yet that activity sits between this activity, the left
2158
+
2159
+ and right eye movements, even before the animal knows the
2160
+
2161
+ target is available.
2162
+
2163
+ That is evidence of an activity representing the confidence the
2164
+
2165
+ animal has in the decision to bear out or.
2166
+
2167
+ I'm going to get this slide, but I encourage you
2168
+
2169
+ to write.
2170
+
2171
+ I read the papers.
2172
+
2173
+ I just want to end this by saying.
2174
+
2175
+ When we make a decision, we hope that that will
2176
+
2177
+ be the correct decision.
2178
+
2179
+ We hope to get reward for a couple of lecture
2180
+
2181
+ lectures ago, we discussed the part of the brain that
2182
+
2183
+ is actually important in generating rewarding signals eventual placement where.
2184
+
2185
+ And it turns out that that little area of the
2186
+
2187
+ brain provides broadcast signals about work and incorrect decisions to
2188
+
2189
+ the rest of the brain, including those areas like it
2190
+
2191
+ either involved in making these decisions.
2192
+
2193
+ And there's a beautiful set of data in the in
2194
+
2195
+ the in the technical area which shows.
2196
+
2197
+ When an animal is learning a task like the kind
2198
+
2199
+ of task of showing their.
2200
+
2201
+ That that the activity in the rental health area which
2202
+
2203
+ in start of encoding the reward that the animal gets
2204
+
2205
+ transitions to encoding the stimulus that will predict the reward.
2206
+
2207
+ And so the animal was able to use this teaching
2208
+
2209
+ signal from the entertainment area, its own signal to learn
2210
+
2211
+ how to make better decisions.
2212
+
2213
+ I just explain this diagram here to help you understand
2214
+
2215
+ what is going on.
2216
+
2217
+ Early on in the learning process, Dan was not provided
2218
+
2219
+ as it was.
2220
+
2221
+ It does get a reward, maybe a reward of juice,
2222
+
2223
+ for example.
2224
+
2225
+ And when that reward is provided, the activity of neurones
2226
+
2227
+ in the BTK monkey again increases.
2228
+
2229
+ The animals and learn to associate that the terms of
2230
+
2231
+ that reward that Jews with a previous occurrence of the
2232
+
2233
+ stimulus that predicts that reward.
2234
+
2235
+ This we were condition stimulus.
2236
+
2237
+ And after a long time of learning this relationship.
2238
+
2239
+ The animals have eaten during the VTR no longer respond
2240
+
2241
+ to the reward itself, but respond to the presence of
2242
+
2243
+ the stimulus, the conditions in this.
2244
+
2245
+ And indeed, if a reward is absent after presentation of
2246
+
2247
+ the conditions in which you see this produce and everything
2248
+
2249
+ approaching the EPA.
2250
+
2251
+ So the neurones in the mental states mental area are
2252
+
2253
+ also representing the outcomes of these decisions.
2254
+
2255
+ They're representing whether or not a stimulus will produce or
2256
+
2257
+ upcoming reward, and they're allowing animals to learn from that,
2258
+
2259
+ from that rewarding and rewarding scenario.
2260
+
2261
+ So what I hope I've shown you here then is
2262
+
2263
+ very simple decision architecture.
2264
+
2265
+ Face and sensory input.
2266
+
2267
+ Making eye movement has taught us a lot about how
2268
+
2269
+ to see the snake in the brain.
2270
+
2271
+ We've seen that some neurones that seem to sit at
2272
+
2273
+ the interface between sensory and motor outputs accumulate signals in
2274
+
2275
+ a way that is inconsistent with the idea that they
2276
+
2277
+ form in of themselves the activities of the client in
2278
+
2279
+ making this decision and that all we need to do
2280
+
2281
+ a set of criteria on the activity of neurones so
2282
+
2283
+ that we subsequently make a decision.
2284
+
2285
+ I've shown you that in addition seems to be representation
2286
+
2287
+ of confidence in the brain, a way that we can
2288
+
2289
+ be confident about whether or not we're making the right
2290
+
2291
+ decisions.
2292
+
2293
+ I'll show you also that in the reward circuits in
2294
+
2295
+ the brain, which allow us to learn about history and
2296
+
2297
+ experience of making those decisions.
2298
+
2299
+ How will these things come together?
2300
+
2301
+ This remains still a mystery.
2302
+
2303
+ How all these things are brought together, how they invade
2304
+
2305
+ consciousness, an awareness that only remains in these people.
2306
+
2307
+ Those signals are there.
2308
+
2309
+ This is what we've learnt over the last ten years,
2310
+
2311
+ and what I would find explained to you on Friday
2312
+
2313
+ is how those ending direct with the emotions that we
2314
+
2315
+ feel.
2316
+
2317
+ Thanks everyone.
2318
+
2319
+ I was.
2320
+
2321
+ Very.
2322
+
2323
+ Sure about a ton.
2324
+
2325
+ Of pressure placed on the monkeys by the experiment.
2326
+
2327
+ Oh, that's a really good question.
2328
+
2329
+ Right.
2330
+
2331
+ So.
2332
+
2333
+ So you could make these decisions in two context.
2334
+
2335
+ One is you got all the time in the world.
2336
+
2337
+ But make these decisions in context.
2338
+
2339
+ One is you have all the time in the world
2340
+
2341
+ and the other is you need to make it in
2342
+
2343
+ a set period of time.
2344
+
2345
+ Now, the context in this case for these animals is
2346
+
2347
+ provided not so much by the but sort of.
2348
+
2349
+ But these animals, there's two things that you might want
2350
+
2351
+ to try and make it fun.
2352
+
2353
+ First of all, the faster they make decisions, the quicker
2354
+
2355
+ they get.
2356
+
2357
+ And they figure they get to the next problem that
2358
+
2359
+ they have during the 7010 problem.
2360
+
2361
+ So that's one one plan.
2362
+
2363
+ The other one is that the stimulus plan.
2364
+
2365
+ So there's actually no further additional data from that.
2366
+
2367
+ So there's there's a concept that there's no additional evidence
2368
+
2369
+ coming in.
2370
+
2371
+ So you've already got all the evidence.
2372
+
2373
+ And if you make it faster decision, you get another
2374
+
2375
+ of.
2376
+
2377
+ So this is not like an election.
2378
+
2379
+ It's a what.
2380
+
2381
+ Is what what official news.
2382
+
2383
+ We don't get comparison with what I saw.
2384
+
2385
+ What is the model when you're on an area like
2386
+
2387
+ that is that when they're actually reaching a certain.
2388
+
2389
+ Probably about 16 foot about one in every six feet.
2390
+
2391
+ That is.
2392
+
2393
+ So whether this is some of this is certainly part
2394
+
2395
+ of the voting.
2396
+
2397
+ Record during the primaries.
2398
+
2399
+ What we do know is that the.
2400
+
2401
+ In the area like we predict.
2402
+
2403
+ When you.
2404
+
2405
+ And there is more or less in terms of the
2406
+
2407
+ number of actions that an optimist sits on.
2408
+
2409
+ Yeah, right.
2410
+
2411
+ And also this like I don't know how this relates
2412
+
2413
+ to the fact that the you're asking to have like
2414
+
2415
+ a preferred coin partner.
2416
+
2417
+ Yeah.
2418
+
2419
+ Sorry I struggle to work out between say so.
2420
+
2421
+ You're in the now and you were mysterious for a
2422
+
2423
+ long time when they seemed to actually.
2424
+
2425
+ Yeah.
2426
+
2427
+ So the fact that.
2428
+
2429
+ So when you want to do things to some kind.
2430
+
2431
+ Are you finding some kind of situation in which.
2432
+
2433
+ So it's actually.
2434
+
2435
+ A time.
2436
+
2437
+ Where the.
2438
+
2439
+ But then you the event.
2440
+
2441
+ Well.
2442
+
2443
+ Oh.
requirements.txt ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ langchain
2
+ openai
3
+ tiktoken
4
+ datasets
5
+ pypdf
6
+ git+https://github.com/chroma-core/chroma.git@d5be7a66a8f1cb9aef7727c1e519c482dfe9df06 # chroma without torch
7
+ gradio
summarize.py ADDED
@@ -0,0 +1,82 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from langchain.chains.summarize import load_summarize_chain
2
+ from langchain.text_splitter import CharacterTextSplitter
3
+ from langchain import OpenAI, LLMChain, PromptTemplate
4
+
5
+ from datasets import Dataset
6
+ import textwrap
7
+ from tqdm import tqdm
8
+ import os
9
+
10
+
11
+
12
+
13
+
14
+
15
+ template = 'Write a verbose summary of the following:\n\n\n"{text}"\n\nDo not omit any information. VERBOSE SUMMARY:\n\n\n'
16
+ prompt = PromptTemplate(template=template, input_variables=["text"])
17
+ chain = LLMChain(prompt=prompt, llm=OpenAI(temperature=0), verbose=False)
18
+
19
+ def _summarize_func(chunk):
20
+ chunk = chunk["chunk"]
21
+ summary = chain.run(chunk)
22
+ assert isinstance(summary, str)
23
+ return dict(summary=summary)
24
+
25
+
26
+ class RecursiveSummarizer():
27
+
28
+ def __init__(
29
+ self,
30
+ ):
31
+ self.splitter = CharacterTextSplitter.from_tiktoken_encoder(chunk_size=3900, chunk_overlap=0, separator=" ")
32
+
33
+ def _save_txt(self, string, lecture_number):
34
+
35
+ #string = textwrap.wrap(string, width=60)
36
+ #string = "\n".join(string)
37
+ with open(f"./data/bab/lecture_{lecture_number}.txt", "w") as f:
38
+ f.write(string)
39
+
40
+ def summarize(self, text, n):
41
+
42
+ text_length = len(text)
43
+ print("Initial Text length: ", text_length)
44
+
45
+ i = 0
46
+ while text_length > 18000:
47
+ i += 1
48
+ print(f"Summarizing p{i}...")
49
+ # split text into chunks
50
+ chunks = self.splitter.split_text(text)
51
+ print(f"Number of chunks: {len(chunks)}")
52
+
53
+ # summarize each chunk in different threads
54
+ ds = Dataset.from_list([{"chunk": chunk} for chunk in chunks])
55
+ summaries = ds.map(_summarize_func, num_proc=len(chunks), remove_columns=["chunk"])['summary']
56
+
57
+ # join summaries
58
+ summary = " ".join(summaries)
59
+
60
+ text = summary
61
+ text_length = len(text)
62
+
63
+ self._save_txt(text, lecture_number=n)
64
+
65
+ return text
66
+
67
+
68
+ if __name__ == "__main__":
69
+ summarizer = RecursiveSummarizer()
70
+
71
+ # scan for .txt files
72
+ txtfiles = [f for f in os.listdir(".") if f.endswith(".txt") if f.startswith("lecture")]
73
+
74
+ for t in tqdm(txtfiles):
75
+ # extract lecture number
76
+ n = t.split("_")[1].split(".")[0]
77
+ print(f"Summarizing {t}...")
78
+ # get text from text.txt
79
+ with open(t, "r") as f:
80
+ text = f.read()
81
+
82
+ summarizer.summarize(text, n)