成人免费xxxxx在线视频软件_久久精品久久久_亚洲国产精品久久久_天天色天天色_亚洲人成一区_欧美一级欧美三级在线观看

用 PyTorch 實現基于字符的循環神經網絡

人工智能 深度學習
在過去的幾周里,我花了很多時間用 PyTorch 實現了一個 char-rnn 的版本。我以前從未訓練過神經網絡,所以這可能是一個有趣的開始。

在過去的幾周里,我花了很多時間用 PyTorch 實現了一個 char-rnn 的版本。我以前從未訓練過神經網絡,所以這可能是一個有趣的開始。

這個想法(來自 循環神經網絡的不合理效應 )可以讓你在文本上訓練一個基于字符的 循環神經網絡(recurrent neural network)(RNN),并得到一些出乎意料好的結果。

[[358756]]

不過,雖然沒有得到我想要的結果,但是我還是想分享一些示例代碼和結果,希望對其他開始嘗試使用 PyTorch 和 RNN 的人有幫助。

這是 Jupyter 筆記本格式的代碼: char-rnn in PyTorch.ipynb 。你可以點擊這個網頁最上面那個按鈕 “Open in Colab”,就可以在 Google 的 Colab 服務中打開,并使用免費的 GPU 進行訓練。所有的東西加起來大概有 75 行代碼,我將在這篇博文中盡可能地詳細解釋。

第一步:準備數據

首先,我們要下載數據。我使用的是 古登堡項目(Project Gutenberg)中的這個數據: Hans Christian Anderson’s fairy tales 。

  1. !wget -O fairy-tales.txt 

這個是準備數據的代碼。我使用 fastai 庫中的 Vocab 類進行數據處理,它能將一堆字母轉換成“詞表”,然后用這個“詞表”把字母變成數字。

之后我們就得到了一個大的數字數組(training_set),我們可以用于訓練我們的模型。

  1. from fastai.text import * 
  2. text = unidecode.unidecode(open('fairy-tales.txt').read()) 
  3. v = Vocab.create((x for x in text), max_vocab=400min_freq=1
  4. training_set = torch.Tensor(v.numericalize([x for x in text])).type(torch.LongTensor).cuda() 
  5. num_letters = len(v.itos) 

第二步:定義模型

這個是 PyTorch 中 LSTM 類的封裝。除了封裝 LSTM 類以外,它還做了三件事:

  • 對輸入向量進行 one-hot 編碼,使得它們具有正確的維度。
  • 在 LSTM 層后一層添加一個線性變換,因為 LSTM 輸出的是一個長度為 hidden_size 的向量,我們需要的是一個長度為 input_size 的向量這樣才能把它變成一個字符。
  • 把 LSTM 隱藏層的輸出向量(實際上有 2 個向量)保存成實例變量,然后在每輪運行結束后執行 .detach() 函數。(我很難解釋清 .detach() 的作用,但我的理解是,它在某種程度上“結束”了模型的求導計算)(LCTT 譯注:detach() 函數是將該張量的 requires_grad 參數設置為 False,即反向傳播到該張量就結束。)
  1. class MyLSTM(nn.Module): 
  2.     def __init__(self, input_size, hidden_size): 
  3.         super().__init__() 
  4.         self.lstm = nn.LSTM(input_size, hidden_size, batch_first=True
  5.         self.h2o = nn.Linear(hidden_size, input_size) 
  6.         self.input_size=input_size 
  7.         self.hidden = None 
  8.  
  9.     def forward(self, input): 
  10.         input = torch.nn.functional.one_hot(input, num_classes=self.input_size).type(torch.FloatTensor).cuda().unsqueeze(0) 
  11.         if self.hidden is None: 
  12.             l_output, selfself.hidden = self.lstm(input) 
  13.         else: 
  14.             l_output, selfself.hidden = self.lstm(input, self.hidden) 
  15.         self.hidden = (self.hidden[0].detach(), self.hidden[1].detach()) 
  16.  
  17.         return self.h2o(l_output) 

這個代碼還做了一些比較神奇但是不太明顯的功能。如果你的輸入是一個向量(比如 [1,2,3,4,5,6]),對應六個字母,那么我的理解是 nn.LSTM 會在內部使用 沿時間反向傳播 更新隱藏向量 6 次。

第三步:編寫訓練代碼

模型不會自己訓練的!

我最開始的時候嘗試用 fastai 庫中的一個輔助類(也是 PyTorch 中的封裝)。我有點疑惑因為我不知道它在做什么,所以最后我自己編寫了模型訓練代碼。

下面這些代碼(epoch() 方法)就是有關于一輪訓練過程的基本信息。基本上就是重復做下面這幾件事情:

  • 往 RNN 模型中傳入一個字符串,比如 and they ought not to teas。(要以數字向量的形式傳入)
  • 得到下一個字母的預測結果
  • 計算 RNN 模型預測結果和真實的下一個字母之間的損失函數(e,因為 tease 這個單詞是以 e 結尾的)
  • 計算梯度(用 loss.backward() 函數)
  • 沿著梯度下降的方向修改模型中參數的權重(用 self.optimizer.step() 函數)
  1. class Trainer(): 
  2.   def __init__(self): 
  3.       self.rnn = MyLSTM(input_size, hidden_size).cuda() 
  4.       self.optimizer = torch.optim.Adam(self.rnn.parameters(), amsgrad=Truelrlr=lr) 
  5.   def epoch(self): 
  6.       i = 0 
  7.       while i < len(training_set) - 40: 
  8.         seq_len = random.randint(10, 40) 
  9.         input, target = training_set[i:i+seq_len],training_set[i+1:i+1+seq_len] 
  10.         i += seq_len 
  11.         # forward pass 
  12.         output = self.rnn(input) 
  13.         loss = F.cross_entropy(output.squeeze()[-1:], target[-1:]) 
  14.         # compute gradients and take optimizer step 
  15.         self.optimizer.zero_grad() 
  16.         loss.backward() 
  17.         self.optimizer.step() 

使用 nn.LSTM 沿著時間反向傳播,不要自己寫代碼

開始的時候我自己寫代碼每次傳一個字母到 LSTM 層中,之后定期計算導數,就像下面這樣:

  1. for i in range(20): 
  2.     input, target = next(iter) 
  3.     output, hidden = self.lstm(input, hidden) 
  4. loss = F.cross_entropy(output, target) 
  5. hiddenhidden = hidden.detach() 
  6. self.optimizer.zero_grad() 
  7. loss.backward() 
  8. self.optimizer.step() 

這段代碼每次傳入 20 個字母,每次一個,并且在最后訓練了一次。這個步驟就被稱為 沿時間反向傳播 ,Karpathy 在他的博客中就是用這種方法。

這個方法有些用處,我編寫的損失函數開始能夠下降一段時間,但之后就會出現峰值。我不知道為什么會出現這種現象,但之后我改為一次傳入 20 個字符到 LSTM 之后(按 seq_len 維度),再進行反向傳播,情況就變好了。

第四步:訓練模型!

我在同樣的數據上重復執行了這個訓練代碼大概 300 次,直到模型開始輸出一些看起來像英文的文本。差不多花了一個多小時吧。

這種情況下我也不關注模型是不是過擬合了,但是如果你在真實場景中訓練模型,應該要在驗證集上驗證你的模型。

第五步:生成輸出!

最后一件要做的事就是用這個模型生成一些輸出。我寫了一個輔助方法從這個訓練好的模型中生成文本(make_preds 和 next_pred)。這里主要是把向量的維度對齊,重要的一點是:

  1. output = rnn(input) 
  2. prediction_vector = F.softmax(output/temperature) 
  3. letter = v.textify(torch.multinomial(prediction_vector, 1).flatten(), sep='').replace('_', ' ') 

基本上做的事情就是這些:

  • RNN 層為字母表中的每一個字母或者符號輸出一個數值向量(output)。
  • 這個 output 向量并不是一個概率向量,所以需要 F.softmax(output/temperature) 操作,將其轉換為概率值(也就是所有數值加起來和為 1)。temperature 某種程度上控制了對更高概率的權重,在限制范圍內,如果設置 temperature=0.0000001,它將始終選擇概率最高的字母。
  • torch.multinomial(prediction_vector) 用于獲取概率向量,并使用這些概率在向量中選擇一個索引(如 12)。
  • v.textify 把 12 轉換為字母。

如果我們想要處理的文本長度為 300,那么只需要重復這個過程 300 次就可以了。

結果!

我把預測函數中的參數設置為 temperature = 1 得到了下面的這些由模型生成的結果??雌饋碛悬c像英語,這個結果已經很不錯了,因為這個模型要從頭開始“學習”英語,并且是在字符序列的級別上進行學習的。

雖然這些話沒有什么含義,但我們也不知道到底想要得到什么輸出。

“An who was you colotal said that have to have been a little crimantable and beamed home the beetle. “I shall be in the head of the green for the sound of the wood. The pastor. “I child hand through the emperor’s sorthes, where the mother was a great deal down the conscious, which are all the gleam of the wood they saw the last great of the emperor’s forments, the house of a large gone there was nothing of the wonded the sound of which she saw in the converse of the beetle. “I shall know happy to him. This stories herself and the sound of the young mons feathery in the green safe.”

“That was the pastor. The some and hand on the water sound of the beauty be and home to have been consider and tree and the face. The some to the froghesses and stringing to the sea, and the yellow was too intention, he was not a warm to the pastor. The pastor which are the faten to go and the world from the bell, why really the laborer’s back of most handsome that she was a caperven and the confectioned and thoughts were seated to have great made

下面這些結果是當 temperature=0.1 時生成的,它選擇字符的方式更接近于“每次都選擇出現概率最高的字符”。這就使得輸出結果有很多是重復的。

ole the sound of the beauty of the beetle. “She was a great emperor of the sea, and the sun was so warm to the confectioned the beetle. “I shall be so many for the beetle. “I shall be so many for the beetle. “I shall be so standen for the world, and the sun was so warm to the sea, and the sun was so warm to the sea, and the sound of the world from the bell, where the beetle was the sea, and the sound of the world from the bell, where the beetle was the sea, and the sound of the wood flowers and the sound of the wood, and the sound of the world from the bell, where the world from the wood, and the sound of the

這段輸出對這幾個單詞 beetles、confectioners、sun 和 sea 有著奇怪的執念。

總結!

至此,我的結果遠不及 Karpathy 的好,可能有一下幾個原因:

  • 沒有足夠多的訓練數據。
  • 訓練了一個小時之后我就沒有耐心去查看 Colab 筆記本上的信息。
  • Karpathy 使用了兩層LSTM,包含了更多的參數,而我只使用了一層。
  • 完全是另一回事。

但我得到了一些大致說得過去的結果!還不錯!

 

責任編輯:趙寧寧 來源: Linux中國
相關推薦

2017-04-26 08:31:10

神經網絡自然語言PyTorch

2022-07-28 09:00:00

深度學習網絡類型架構

2024-11-05 16:19:55

2020-09-18 11:40:44

神經網絡人工智能PyTorch

2024-04-30 14:54:10

2023-03-03 08:17:28

神經網絡RNN網絡

2019-08-19 00:31:16

Pytorch神經網絡深度學習

2025-02-25 14:13:31

2020-09-08 13:02:00

Python神經網絡感知器

2022-10-19 07:42:41

圖像識別神經網絡

2018-07-29 06:46:07

神經網絡RNN循環神經網絡

2022-06-16 10:29:33

神經網絡圖像分類算法

2025-02-19 15:12:17

神經網絡PyTorch大模型

2017-12-14 21:17:24

2018-12-20 11:38:37

神經元神經網絡語言

2017-07-07 15:46:38

循環神經網絡視覺注意力模擬

2017-08-28 21:31:37

TensorFlow深度學習神經網絡

2018-07-03 16:10:04

神經網絡生物神經網絡人工神經網絡

2021-12-28 08:48:54

PyTorch神經網絡人工智能

2022-04-22 12:36:11

RNN神經網絡)機器學習
點贊
收藏

51CTO技術棧公眾號

主站蜘蛛池模板: 免费观看一级特黄欧美大片 | 午夜精品一区二区三区三上悠亚 | 在线视频一区二区三区 | 婷婷综合激情 | 台湾佬久久 | 97人人澡人人爽91综合色 | 国产激情一区二区三区 | 美女午夜影院 | 综合久久综合久久 | 99国内精品 | 久久久久久久97 | 欧美精品综合在线 | 在线免费观看a级片 | 国产精品视频一二三区 | 成av在线 | 欧美性网| 亚洲精品一区二区网址 | 国产精品毛片 | 国产日韩在线观看一区 | 精品欧美激情在线观看 | 国产a区 | 亚洲一区视频在线 | 久久国产免费看 | 国产一区免费视频 | 97日韩精品| 国产成人免费 | 久久精品成人 | 亚洲一区二区三区在线播放 | 免费同性女女aaa免费网站 | 精品国产欧美日韩不卡在线观看 | 日本淫视频 | 91成人精品视频 | 日韩精品视频中文字幕 | 亚洲 精品 综合 精品 自拍 | 国产精品久久国产精品 | 亚洲精品欧美精品 | 亚洲成av人片在线观看 | 在线视频亚洲 | www精品美女久久久tv | 午夜爱爱毛片xxxx视频免费看 | 欧美日韩视频 |