在线观看www成人影院-在线观看www日本免费网站-在线观看www视频-在线观看操-欧美18在线-欧美1级

0
  • 聊天消息
  • 系統(tǒng)消息
  • 評論與回復
登錄后你可以
  • 下載海量資料
  • 學習在線課程
  • 觀看技術視頻
  • 寫文章/發(fā)帖/加入社區(qū)
會員中心
創(chuàng)作中心

完善資料讓更多小伙伴認識你,還能領取20積分哦,立即完善>

3天內(nèi)不再提示

圖解transformer中的自注意力機制

冬至子 ? 來源:Souvik Mandal ? 作者:Souvik Mandal ? 2023-06-29 17:06 ? 次閱讀

注意力機制

在整個注意力過程中,模型會學習了三個權重:查詢、鍵和值。查詢、鍵和值的思想來源于信息檢索系統(tǒng)。所以我們先理解數(shù)據(jù)庫查詢的思想。

假設有一個數(shù)據(jù)庫,里面有所有一些作家和他們的書籍信息?,F(xiàn)在我想讀一些Rabindranath寫的書:

在數(shù)據(jù)庫中,作者名字類似于鍵,圖書類似于值。查詢的關鍵詞Rabindranath是這個問題的鍵。所以需要計算查詢和數(shù)據(jù)庫的鍵(數(shù)據(jù)庫中的所有作者)之間的相似度,然后返回最相似作者的值(書籍)。

同樣,注意力有三個矩陣,分別是查詢矩陣(Q)、鍵矩陣(K)和值矩陣(V)。它們中的每一個都具有與輸入嵌入相同的維數(shù)。模型在訓練中學習這些度量的值。

我們可以假設我們從每個單詞中創(chuàng)建一個向量,這樣我們就可以處理信息。對于每個單詞,生成一個512維的向量。所有3個矩陣都是512x512(因為單詞嵌入的維度是512)。對于每個標記嵌入,我們將其與所有三個矩陣(Q, K, V)相乘,每個標記將有3個長度為512的中間向量。

接下來計算分數(shù),它是查詢和鍵向量之間的點積。分數(shù)決定了當我們在某個位置編碼單詞時,對輸入句子的其他部分的關注程度。

然后將點積除以關鍵向量維數(shù)的平方根。這種縮放是為了防止點積變得太大或太小(取決于正值或負值),因為這可能導致訓練期間的數(shù)值不穩(wěn)定。選擇比例因子是為了確保點積的方差近似等于1。

然后通過softmax操作傳遞結(jié)果。這將分數(shù)標準化:它們都是正的,并且加起來等于1。softmax輸出決定了我們應該從不同的單詞中獲取多少信息或特征(值),也就是在計算權重。

這里需要注意的一點是,為什么需要其他單詞的信息/特征?因為我們的語言是有上下文含義的,一個相同的單詞出現(xiàn)在不同的語境,含義也不一樣。

最后一步就是計算softmax與這些值的乘積,并將它們相加。

可視化圖解

上面邏輯都是文字內(nèi)容,看起來有一些枯燥,下面我們可視化它的矢量化實現(xiàn)。這樣可以更加深入的理解。

查詢鍵和矩陣的計算方法如下

同樣的方法可以計算鍵向量和值向量。

最后計算得分和注意力輸出。

簡單代碼實現(xiàn)

importtorch
 importtorch.nnasnn
 fromtypingimportList
 
 defget_input_embeddings(words: List[str], embeddings_dim: int):
     # we are creating random vector of embeddings_dim size for each words
     # normally we train a tokenizer to get the embeddings.
     # check the blog on tokenizer to learn about this part
     embeddings= [torch.randn(embeddings_dim) forwordinwords]
     returnembeddings
 
 
 text="I should sleep now"
 words=text.split(" ")
 len(words) # 4
 
 
 embeddings_dim=512# 512 dim because the original paper uses it. we can use other dim also
 embeddings=get_input_embeddings(words, embeddings_dim=embeddings_dim)
 embeddings[0].shape# torch.Size([512])
 
 
 # initialize the query, key and value metrices 
 query_matrix=nn.Linear(embeddings_dim, embeddings_dim)
 key_matrix=nn.Linear(embeddings_dim, embeddings_dim)
 value_matrix=nn.Linear(embeddings_dim, embeddings_dim)
 query_matrix.weight.shape, key_matrix.weight.shape, value_matrix.weight.shape# torch.Size([512, 512]), torch.Size([512, 512]), torch.Size([512, 512])
 
 
 # query, key and value vectors computation for each words embeddings
 query_vectors=torch.stack([query_matrix(embedding) forembeddinginembeddings])
 key_vectors=torch.stack([key_matrix(embedding) forembeddinginembeddings])
 value_vectors=torch.stack([value_matrix(embedding) forembeddinginembeddings])
 query_vectors.shape, key_vectors.shape, value_vectors.shape# torch.Size([4, 512]), torch.Size([4, 512]), torch.Size([4, 512])
 
 
 # compute the score
 scores=torch.matmul(query_vectors, key_vectors.transpose(-2, -1)) /torch.sqrt(torch.tensor(embeddings_dim, dtype=torch.float32))
 scores.shape# torch.Size([4, 4])
 
 
 # compute the attention weights for each of the words with the other words
 softmax=nn.Softmax(dim=-1)
 attention_weights=softmax(scores)
 attention_weights.shape# torch.Size([4, 4])
 
 
 # attention output
 output=torch.matmul(attention_weights, value_vectors)
 output.shape# torch.Size([4, 512])

以上代碼只是為了展示注意力機制的實現(xiàn),并未優(yōu)化。

多頭注意力

上面提到的注意力是單頭注意力,在原論文中有8個頭。對于多頭和單多頭注意力計算相同,只是查詢(q0-q3),鍵(k0-k3),值(v0-v3)中間向量會有一些區(qū)別。

之后將查詢向量分成相等的部分(有多少頭就分成多少)。在上圖中有8個頭,查詢,鍵和值向量的維度為512。所以就變?yōu)榱?個64維的向量。

把前64個向量放到第一個頭,第二組向量放到第二個頭,以此類推。在上面的圖片中,我只展示了第一個頭的計算。

這里需要注意的是:不同的框架有不同的實現(xiàn)方法,pytorch官方的實現(xiàn)是上面這種,但是tf和一些第三方的代碼中是將每個頭分開計算了,比如8個頭會使用8個linear(tf的dense)而不是一個大linear再拆解。還記得Pytorch的transformer里面要求emb_dim能被num_heads整除嗎,就是因為這個

使用哪種方式都可以,因為最終的結(jié)果都類似影響不大。

當我們在一個head中有了小查詢、鍵和值(64 dim的)之后,計算剩下的邏輯與單個head注意相同。最后得到的64維的向量來自每個頭。

我們將每個頭的64個輸出組合起來,得到最后的512個dim輸出向量。

多頭注意力可以表示數(shù)據(jù)中的復雜關系。每個頭都能學習不同的模式。多個頭還提供了同時處理輸入表示的不同子空間(本例:64個向量表示512個原始向量)的能力。

多頭注意代碼實現(xiàn)

num_heads=8
 # batch dim is 1 since we are processing one text.
 batch_size=1
 
 text="I should sleep now"
 words=text.split(" ")
 len(words) # 4
 
 
 embeddings_dim=512
 embeddings=get_input_embeddings(words, embeddings_dim=embeddings_dim)
 embeddings[0].shape# torch.Size([512])
 
 
 # initialize the query, key and value metrices 
 query_matrix=nn.Linear(embeddings_dim, embeddings_dim)
 key_matrix=nn.Linear(embeddings_dim, embeddings_dim)
 value_matrix=nn.Linear(embeddings_dim, embeddings_dim)
 query_matrix.weight.shape, key_matrix.weight.shape, value_matrix.weight.shape# torch.Size([512, 512]), torch.Size([512, 512]), torch.Size([512, 512])
 
 
 # query, key and value vectors computation for each words embeddings
 query_vectors=torch.stack([query_matrix(embedding) forembeddinginembeddings])
 key_vectors=torch.stack([key_matrix(embedding) forembeddinginembeddings])
 value_vectors=torch.stack([value_matrix(embedding) forembeddinginembeddings])
 query_vectors.shape, key_vectors.shape, value_vectors.shape# torch.Size([4, 512]), torch.Size([4, 512]), torch.Size([4, 512])
 
 
 # (batch_size, num_heads, seq_len, embeddings_dim)
 query_vectors_view=query_vectors.view(batch_size, -1, num_heads, embeddings_dim//num_heads).transpose(1, 2) 
 key_vectors_view=key_vectors.view(batch_size, -1, num_heads, embeddings_dim//num_heads).transpose(1, 2) 
 value_vectors_view=value_vectors.view(batch_size, -1, num_heads, embeddings_dim//num_heads).transpose(1, 2) 
 query_vectors_view.shape, key_vectors_view.shape, value_vectors_view.shape
 # torch.Size([1, 8, 4, 64]),
 #  torch.Size([1, 8, 4, 64]),
 #  torch.Size([1, 8, 4, 64])
 
 
 # We are splitting the each vectors into 8 heads. 
 # Assuming we have one text (batch size of 1), So we split 
 # the embedding vectors also into 8 parts. Each head will 
 # take these parts. If we do this one head at a time.
 head1_query_vector=query_vectors_view[0, 0, ...]
 head1_key_vector=key_vectors_view[0, 0, ...]
 head1_value_vector=value_vectors_view[0, 0, ...]
 head1_query_vector.shape, head1_key_vector.shape, head1_value_vector.shape
 
 
 # The above vectors are of same size as before only the feature dim is changed from 512 to 64
 # compute the score
 scores_head1=torch.matmul(head1_query_vector, head1_key_vector.permute(1, 0)) /torch.sqrt(torch.tensor(embeddings_dim//num_heads, dtype=torch.float32))
 scores_head1.shape# torch.Size([4, 4])
 
 
 # compute the attention weights for each of the words with the other words
 softmax=nn.Softmax(dim=-1)
 attention_weights_head1=softmax(scores_head1)
 attention_weights_head1.shape# torch.Size([4, 4])
 
 output_head1=torch.matmul(attention_weights_head1, head1_value_vector)
 output_head1.shape# torch.Size([4, 512])
 
 
 # we can compute the output for all the heads
 outputs= []
 forhead_idxinrange(num_heads):
     head_idx_query_vector=query_vectors_view[0, head_idx, ...]
     head_idx_key_vector=key_vectors_view[0, head_idx, ...]
     head_idx_value_vector=value_vectors_view[0, head_idx, ...]
     scores_head_idx=torch.matmul(head_idx_query_vector, head_idx_key_vector.permute(1, 0)) /torch.sqrt(torch.tensor(embeddings_dim//num_heads, dtype=torch.float32))
 
     softmax=nn.Softmax(dim=-1)
     attention_weights_idx=softmax(scores_head_idx)
     output=torch.matmul(attention_weights_idx, head_idx_value_vector)
     outputs.append(output)
 
 [out.shapeforoutinoutputs]
 # [torch.Size([4, 64]),
 #  torch.Size([4, 64]),
 #  torch.Size([4, 64]),
 #  torch.Size([4, 64]),
 #  torch.Size([4, 64]),
 #  torch.Size([4, 64]),
 #  torch.Size([4, 64]),
 #  torch.Size([4, 64])]
 
 # stack the result from each heads for the corresponding words
 word0_outputs=torch.cat([out[0] foroutinoutputs])
 word0_outputs.shape
 
 # lets do it for all the words
 attn_outputs= []
 foriinrange(len(words)):
     attn_output=torch.cat([out[i] foroutinoutputs])
     attn_outputs.append(attn_output)
 [attn_output.shapeforattn_outputinattn_outputs] # [torch.Size([512]), torch.Size([512]), torch.Size([512]), torch.Size([512])]
 
 
 # Now lets do it in vectorize way. 
 # We can not permute the last two dimension of the key vector.
 key_vectors_view.permute(0, 1, 3, 2).shape# torch.Size([1, 8, 64, 4])
 
 
 # Transpose the key vector on the last dim
 score=torch.matmul(query_vectors_view, key_vectors_view.permute(0, 1, 3, 2)) # Q*k
 score=torch.softmax(score, dim=-1)
 
 
 # reshape the results 
 attention_results=torch.matmul(score, value_vectors_view)
 attention_results.shape# [1, 8, 4, 64]
 
 # merge the results
 attention_results=attention_results.permute(0, 2, 1, 3).contiguous().view(batch_size, -1, embeddings_dim)
 attention_results.shape# torch.Size([1, 4, 512])

總結(jié)

注意力機制(attention mechanism)是Transformer模型中的重要組成部分。Transformer是一種基于自注意力機制(self-attention)的神經(jīng)網(wǎng)絡模型,廣泛應用于自然語言處理任務,如機器翻譯、文本生成和語言模型等。本文介紹的自注意力機制是Transformer模型的基礎,在此基礎之上衍生發(fā)展出了各種不同的更加高效的注意力機制,所以深入了解自注意力機制,將能夠更好地理解Transformer模型的設計原理和工作機制,以及如何在具體的各種任務中應用和調(diào)整模型。這將有助于你更有效地使用Transformer模型并進行相關研究和開發(fā)。

聲明:本文內(nèi)容及配圖由入駐作者撰寫或者入駐合作網(wǎng)站授權轉(zhuǎn)載。文章觀點僅代表作者本人,不代表電子發(fā)燒友網(wǎng)立場。文章及其配圖僅供工程師學習之用,如有內(nèi)容侵權或者其他違規(guī)問題,請聯(lián)系本站處理。 舉報投訴
  • 處理器
    +關注

    關注

    68

    文章

    19336

    瀏覽量

    230192
  • 神經(jīng)網(wǎng)絡

    關注

    42

    文章

    4773

    瀏覽量

    100882
  • pytorch
    +關注

    關注

    2

    文章

    808

    瀏覽量

    13248
收藏 人收藏

    評論

    相關推薦

    淺談自然語言處理注意力機制

    本文深入淺出地介紹了近些年的自然語言中的注意力機制包括從起源、變體到評價指標方面。
    的頭像 發(fā)表于 01-25 16:51 ?6390次閱讀
    淺談自然語言處理<b class='flag-5'>中</b>的<b class='flag-5'>注意力</b><b class='flag-5'>機制</b>

    深度分析NLP注意力機制

    注意力機制越發(fā)頻繁的出現(xiàn)在文獻,因此對注意力機制的學習、掌握與應用顯得十分重要。本文便對注意力
    的頭像 發(fā)表于 02-17 09:18 ?3873次閱讀

    注意力機制的誕生、方法及幾種常見模型

    簡而言之,深度學習注意力機制可以被廣義地定義為一個描述重要性的權重向量:通過這個權重向量為了預測或者推斷一個元素,比如圖像的某個像素或句子
    的頭像 發(fā)表于 03-12 09:49 ?4.1w次閱讀

    注意力機制或?qū)⑹俏磥頇C器學習的核心要素

    目前注意力機制已是深度學習里的大殺器,無論是圖像處理、語音識別還是自然語言處理的各種不同類型的任務,都很容易遇到注意力模型的身影。
    發(fā)表于 05-07 09:37 ?1328次閱讀

    基于選擇機制注意力網(wǎng)絡模型

    注意力網(wǎng)絡(SANs)在許多自然語言處理任務取得顯著的成功,其中包括機器翻譯、自然語言推理以及語義角色標注任務。
    的頭像 發(fā)表于 08-31 10:45 ?5026次閱讀
    基于選擇<b class='flag-5'>機制</b>的<b class='flag-5'>自</b><b class='flag-5'>注意力</b>網(wǎng)絡模型

    基于注意力機制的深度學習模型AT-DPCNN

    情感分析是自然語言處理領域的一個重要分支,卷積神經(jīng)網(wǎng)絡(CNN)在文本情感分析方面取得了較好的效果,但其未充分提取文本信息的關鍵情感信息。為此,建立一種基于注意力機制的深度學習模型AT-
    發(fā)表于 03-17 09:53 ?12次下載
    基于<b class='flag-5'>注意力</b><b class='flag-5'>機制</b>的深度學習模型AT-DPCNN

    融合雙層多頭注意力與CNN的回歸模型

    針對現(xiàn)有文本情感分析方法存在的無法高效捕捉相關文本情感特征從而造成情感分析效果不佳的問題提出一種融合雙層多頭注意力與卷積神經(jīng)網(wǎng)絡(CNN)的回歸模型 DLMA-CNN。采用多頭注意力
    發(fā)表于 03-25 15:16 ?6次下載
    融合雙層多頭<b class='flag-5'>自</b><b class='flag-5'>注意力</b>與CNN的回歸模型

    基于注意力機制等的社交網(wǎng)絡熱度預測模型

    基于注意力機制等的社交網(wǎng)絡熱度預測模型
    發(fā)表于 06-07 15:12 ?14次下載

    基于多通道注意力機制的電子病歷架構(gòu)

    基于多通道注意力機制的電子病歷架構(gòu)
    發(fā)表于 06-24 16:19 ?75次下載

    基于注意力機制的跨域服裝檢索方法綜述

    基于注意力機制的跨域服裝檢索方法綜述
    發(fā)表于 06-27 10:33 ?2次下載

    基于注意力機制的新聞文本分類模型

    基于注意力機制的新聞文本分類模型
    發(fā)表于 06-27 15:32 ?30次下載

    計算機視覺注意力機制

    計算機視覺注意力機制 卷積神經(jīng)網(wǎng)絡中常用的Attention 參考 注意力機制簡介與分類 注意力
    發(fā)表于 05-22 09:46 ?0次下載
    計算機視覺<b class='flag-5'>中</b>的<b class='flag-5'>注意力</b><b class='flag-5'>機制</b>

    PyTorch教程11.4之Bahdanau注意力機制

    電子發(fā)燒友網(wǎng)站提供《PyTorch教程11.4之Bahdanau注意力機制.pdf》資料免費下載
    發(fā)表于 06-05 15:11 ?0次下載
    PyTorch教程11.4之Bahdanau<b class='flag-5'>注意力</b><b class='flag-5'>機制</b>

    PyTorch教程11.6之注意力和位置編碼

    電子發(fā)燒友網(wǎng)站提供《PyTorch教程11.6之注意力和位置編碼.pdf》資料免費下載
    發(fā)表于 06-05 15:05 ?0次下載
    PyTorch教程11.6之<b class='flag-5'>自</b><b class='flag-5'>注意力</b>和位置編碼

    詳細介紹?注意力機制的掩碼

    注意力機制的掩碼允許我們發(fā)送不同長度的批次數(shù)據(jù)一次性的發(fā)送到transformer。在代碼是通過將所有序列填充到相同的長度,然后使用“a
    的頭像 發(fā)表于 07-17 16:46 ?714次閱讀
    詳細介紹?<b class='flag-5'>注意力</b><b class='flag-5'>機制</b><b class='flag-5'>中</b>的掩碼
    主站蜘蛛池模板: 天天色狠狠干| 日日拍拍| 黄色大片日本| 国产在线一卡| www天堂在线观看| 午夜免费福利在线观看| 天天躁夜夜躁狠狠躁躁| 手机成人在线视频| 国模吧双双大尺度炮交gogo| 国产午夜精品福利| 免费h视频网站| 李老汉的性生生活1全部| 在线播放黄色| 四虎4hu永久免费国产精品| 午夜影视体验区| 伊人网在线视频观看| 午夜免费视频观看在线播放| 天天操天天插天天射| 国产亚洲精品aa在线看| 久久影院午夜伦手机不四虎卡| 午夜性视频播放免费视频| 伊人久久影院大香线蕉| 色伊人久久| 性喷潮久久久久久久久| 四虎影午夜成年免费精品| 欧美在线观看一区二区三| 激情文学综合网| 伊人天伊人天天网综合视频| 手机看片久久| 黄色片xxx| 一级无毛片| 起碰免费视频| 菲菲国产在线观看| 日日操夜夜骑| 777kkk亚洲综合欧美色老头| 99久久99| 欧美xxxxxbbbb| 欧美性一区二区三区| 韩国三级中文字幕hd| 天天摸天天草| xx性欧美高清|