1. 程式人生 > >PyTorch: RNN實戰詳解之生成名字

PyTorch: RNN實戰詳解之生成名字

介紹

上一篇我們講了如何在PyTorch框架下用RNN分類名字http://blog.csdn.net/m0_37306360/article/details/79316013,本文講如何用RNN生成特定語言(類別)的名字。我們使用上一篇同樣的資料集。不同的是,不是根據輸入的名字來預測此名字是那種語言的(讀完名字的所有字母之後,我們不是預測一個類別)。而是一次輸入一個類別並輸出一個字母。 反覆預測字元以生成名字。

PyTorch之RNN實戰生成

定義網路

這裡寫圖片描述

class RNN(nn.Module):
    def __init__(self, input_size, hidden_size, output_size)
:
super(RNN, self).__init__() self.hidden_size = hidden_size self.i2h = nn.Linear(n_categories + input_size + hidden_size, hidden_size) self.i2o = nn.Linear(n_categories + input_size + hidden_size, output_size) self.o2o = nn.Linear(hidden_size + output_size, output_size) self.dropout = nn.Dropout(0.1
) self.softmax = nn.LogSoftmax(dim=1) def forward(self, category, input, hidden): input_combined = torch.cat((category, input, hidden), 1) output = self.i2o(input_combined) hidden = self.i2h(input_combined) output_combined = torch.cat((output, hidden), 1) output = self.o2o(output_combined) output = self.dropout(output) output = self.softmax(output) return
output, hidden def initHidden(self): return Variable(torch.zeros(1, self.hidden_size))

資料預處理

其他的資料預處理和上一篇文章類似。主要的不同是如何構建訓練樣本對。

對於每個時間步(即訓練詞中的每個字母),網路的輸入是(類別,當前字母,隱藏狀態),輸出將是(下一個字母,下一個隱藏狀態)。 因此,對於每個訓練集,我們需要:類別,一組輸入字母和一組輸出(目標)字母。

我們可以很簡單的獲取(類別,名字(字母序列)),但是我們如何用這些資料構建輸入字母序列和輸出字母序列呢?由於我們預測了每個時間步的當前字母的下一個字母,因此字母對是來自行的連續字母的組 - 例如對於序列(“ABCD”),構建(“A”, B”), (“B”,“C”), (“C”, “D”), (“D”,“EOS”). 如圖:

這裡寫圖片描述

訓練網路

與僅使用最後一個輸出的分類相比,我們在每一步都進行了預測,因此我們需要計算每一步的損失。

for i in range(input_line_tensor.size()[0]):
        output, hidden = rnn(category_tensor, input_line_tensor[i], hidden)
        loss += criterion(output, target_line_tensor[i])

取樣

為了取樣,我們給網路輸入一個字母,得到下一個字母,把它作為下一個字母的輸入,並重復,直到返回EOS結束符。

整個生成過程如下:
1. 為輸入類別,開始字母和空的隱藏狀態建立張量
2. 用開始字母建立一個字串:output_name
3. 達到最大輸出長度:
(1).將當前的字母送入網路
(2).從輸出獲取下一個字母和下一個隱藏狀態
(3).如果這個字元是EOS,生成結束
(4).如果是普通字母,新增到output_name並繼續
4.返回最後生成的名字

完整程式碼


from io import open
import glob
import unicodedata
import string

all_letters = string.ascii_letters + " .,;'-"
n_letters = len(all_letters) + 1 # Plus EOS marker

def findFiles(path): return glob.glob(path)

# Turn a Unicode string to plain ASCII, thanks to http://stackoverflow.com/a/518232/2809427
def unicodeToAscii(s):
    return ''.join(
        c for c in unicodedata.normalize('NFD', s)
        if unicodedata.category(c) != 'Mn'
        and c in all_letters
    )

# Read a file and split into lines
def readLines(filename):
    lines = open(filename, encoding='utf-8').read().strip().split('\n')
    return [unicodeToAscii(line) for line in lines]

# Build the category_lines dictionary, a list of lines per category
category_lines = {}
all_categories = []
for filename in findFiles('nlpdata/data/names/*.txt'):
    category = filename.split('/')[-1].split('.')[0]
    category = category.split('\\')[1]
    all_categories.append(category)
    lines = readLines(filename)
    category_lines[category] = lines

n_categories = len(all_categories)

# print('# categories:', n_categories, all_categories)
# print(unicodeToAscii("O'Néàl"))

import torch
import torch.nn as nn
from torch.autograd import Variable

class RNN(nn.Module):
    def __init__(self, input_size, hidden_size, output_size):
        super(RNN, self).__init__()
        self.hidden_size = hidden_size
        self.i2h = nn.Linear(n_categories + input_size + hidden_size, hidden_size)
        self.i2o = nn.Linear(n_categories + input_size + hidden_size, output_size)
        self.o2o = nn.Linear(hidden_size + output_size, output_size)
        self.dropout = nn.Dropout(0.1)
        self.softmax = nn.LogSoftmax(dim=1)

    def forward(self, category, input, hidden):
        input_combined = torch.cat((category, input, hidden), 1)
        output = self.i2o(input_combined)
        hidden = self.i2h(input_combined)
        output_combined = torch.cat((output, hidden), 1)
        output = self.o2o(output_combined)
        output = self.dropout(output)
        output = self.softmax(output)
        return output, hidden

    def initHidden(self):
        return Variable(torch.zeros(1, self.hidden_size))

# Training

# Preparing for Training (get random pairs of (category, line))
import random

# Random item from a list
def randomChoice(l):
    return l[random.randint(0, len(l) - 1)]

# Get a random category and random line from that category
def randomTrainingPair():
    category = randomChoice(all_categories)
    line = randomChoice(category_lines[category])
    return category, line

# One-hot vector for category
def categoryTensor(category):
    li = all_categories.index(category)
    tensor = torch.zeros(1, n_categories) # 1*18
    tensor[0][li] = 1
    return tensor

# One-hot matrix of first to last letters (not including EOS) for input
def inputTensor(line):
    tensor = torch.zeros(len(line), 1, n_letters) # len(line)*1*59
    for li in range(len(line)):
        letter = line[li]
        tensor[li][0][all_letters.find(letter)] = 1
    return tensor

# LongTensor of second letter to end (EOS) for target
def targetTensor(line):
    letter_indexes = [all_letters.find(line[li]) for li in range(1, len(line))]
    letter_indexes.append(n_letters - 1) # EOS
    return torch.LongTensor(letter_indexes)

# Make category, input, and target tensors from a random category, line pair
def randomTrainingExample():
    category, line = randomTrainingPair()
    category_tensor = Variable(categoryTensor(category))
    input_line_tensor = Variable(inputTensor(line))
    target_line_tensor = Variable(targetTensor(line))
    return category_tensor, input_line_tensor, target_line_tensor

# our model
rnn = RNN(n_letters, 128, n_letters)

# Training the Network

criterion = nn.NLLLoss()
learning_rate = 0.0005

def train(category_tensor, input_line_tensor, target_line_tensor):
    hidden = rnn.initHidden()

    rnn.zero_grad()
    loss = 0

    for i in range(input_line_tensor.size()[0]):
        output, hidden = rnn(category_tensor, input_line_tensor[i], hidden)
        loss += criterion(output, target_line_tensor[i])

    loss.backward()

    for p in rnn.parameters():
        p.data.add_(-learning_rate, p.grad.data)

    return output, loss.data[0] / input_line_tensor.size()[0]


import time
import math

def timeSince(since):
    now = time.time()
    s = now - since
    m = math.floor(s / 60)
    s -= m * 60
    return '%dm %ds' % (m, s)

n_iters = 100000
print_every = 5000
plot_every = 500
all_losses = []
total_loss = 0 # Reset every plot_every iters

start = time.time()


for iter in range(1, n_iters + 1):
    output, loss = train(*randomTrainingExample())
    total_loss += loss

    if iter % print_every == 0:
        print('%s (%d %d%%) %.4f' % (timeSince(start), iter, iter / n_iters * 100, loss))

    if iter % plot_every == 0:
        all_losses.append(total_loss / plot_every)
        total_loss = 0

# 訓練loss變化
import matplotlib.pyplot as plt
import matplotlib.ticker as ticker

plt.figure()
plt.plot(all_losses)
plt.show()

# Sample network
max_length = 20
# Sample from a category and starting letter
def sample(category, start_letter='A'):
    category_tensor = Variable(categoryTensor(category))
    input = Variable(inputTensor(start_letter))
    hidden = rnn.initHidden()

    output_name = start_letter

    # 最大也只生成max_length長度
    for i in range(max_length):
        output, hidden = rnn(category_tensor, input[0], hidden)
        topv, topi = output.data.topk(1)
        topi = topi[0][0]
        # 如果是EOS,停止
        if topi == n_letters - 1:
            break
        else:
            letter = all_letters[topi]
            output_name += letter
        # 否則,將這個時刻輸出的字母作為下個時刻的輸入字母
        input = Variable(inputTensor(letter))

    return output_name

# Get multiple samples from one category and multiple starting letters
def samples(category, start_letters='ABC'):
    for start_letter in start_letters:
        print(sample(category, start_letter))

samples('Russian', 'RUS')
samples('German', 'GER')
samples('Spanish', 'SPA')
samples('Chinese', 'CHI')

輸出結果:
0m 32s (5000 5%) 2.3348
1m 1s (10000 10%) 3.0012
1m 29s (15000 15%) 2.7776
2m 2s (20000 20%) 2.7482
2m 38s (25000 25%) 1.3141
3m 10s (30000 30%) 2.5318
3m 37s (35000 35%) 2.4345
4m 3s (40000 40%) 2.7806
4m 30s (45000 45%) 2.0744
4m 57s (50000 50%) 2.7273
5m 23s (55000 55%) 5.1529
5m 49s (60000 60%) 2.0862
6m 15s (65000 65%) 2.5506
6m 41s (70000 70%) 3.4072
7m 8s (75000 75%) 2.6554
7m 34s (80000 80%) 2.1122
8m 12s (85000 85%) 2.2132
8m 44s (90000 90%) 1.9226
9m 11s (95000 95%) 2.8443
9m 37s (100000 100%) 2.4129
Roskin
Uakinov
Santovov
Gerran
Eren
Romer
Sara
Parez
Aller
Chan
Han
Iun

Process finished with exit code 0

loss變化:

相關推薦

PyTorch: RNN實戰生成名字

介紹 上一篇我們講了如何在PyTorch框架下用RNN分類名字http://blog.csdn.net/m0_37306360/article/details/79316013,本文講如何用RNN生成特定語言(類別)的名字。我們使用上一篇同樣的資料集。不同

PyTorch: RNN實戰分類名字

本文從資料集到最終模型訓練過程詳細講解RNN,教程來自於作者Sean Robertson寫的教程,我根據原始文件,一步一步跑通了程式碼,下面是我的學習筆記。 任務描述 從機器學習的角度來說,這是個分類任務。具體來說,我們將從18種語言的原始語言中訓練幾千

Spark-SqlDataFrame實戰

集合 case 編程方式 優化 所表 register 操作數 print ava 1、DataFrame簡介: 在Spark中,DataFrame是一種以RDD為基礎的分布式數據據集,類似於傳統數據庫聽二維表格,DataFrame帶有Schema元信息,即DataFram

搭建nfs共享存儲服務二nfs服務端配置語法及配置實戰

linux1.1.NFS服務端配置文件路徑為: /etc/exports,並且默認為空,需要用戶自行配置。/etc/exports文件配置格式為:NFS共享的目錄 NFS客戶端地址1(參數1,參數2...)客戶端地址2(參數1,參數2)1.NFS共享的目錄:為NFS服務端要共享的實際目錄,要用絕對路徑,如(/

機器學習中的概率模型和概率密度估計方法及VAE生成式模型二(作者簡介)

AR aca rtu href beijing cert school start ica Brief Introduction of the AuthorChief Architect at 2Wave Technology Inc. (a startup company

機器學習中的概率模型和概率密度估計方法及VAE生成式模型五(第3章 EM算法)

ado vpd dea bee OS deb -o blog Oz 機器學習中的概率模型和概率密度估計方法及VAE生成式模型詳解之五(第3章 之 EM算法)

機器學習中的概率模型和概率密度估計方法及VAE生成式模型六(第3章 VI/VB算法)

dac term http 51cto -s mage 18C watermark BE ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ?

機器學習中的概率模型和概率密度估計方法及VAE生成式模型七(第4章 梯度估算)

.com 概率 roc 生成 詳解 time 學習 style BE ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ?機器學習中的概率模型和概率密度估計方法及V

機器學習中的概率模型和概率密度估計方法及VAE生成式模型八(第4章 AEVB和VAE)

RM mes 9.png size mar evb DC 機器 DG ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ? ?

機器學習中的概率模型和概率密度估計方法及VAE生成式模型九(第5章 總結)

ces mark TP 生成 機器 分享 png ffffff images ? ?機器學習中的概率模型和概率密度估計方法及VAE生成式模型詳解之九(第5章 總結)

openTSDB原始碼rowKey生成

openTSDB原始碼詳解之rowKey生成 openTSDB的一個非常好的設計就是其rowKey的生成。下面詳細介紹一下。 1.相關處理類 openTSDB往hbase中寫入資料的處理過程,我之前就已經分析過,主要涉及的類有: addPointInternal(

HadoopWordCount實戰

WorldCount可以說是MapReduce中的helloworld了,單詞計數主要完成的功能是:統計一系列文字檔案中每個單詞出現的次數,通過完成這個簡單程式讓讀者摸清 MapReduce 程式的基本結構。 特別是對於每一個階段的函式執行所產生的鍵值對。這裡對

POI實戰-java開發excel複雜寫入

3.複雜寫入 3.1 複雜寫入 POI複雜寫出主要是同複雜讀取一樣,在實際開發中,從資料庫中讀取字元、數字、日期各種型別資料,並通過相應的計算公式寫出到Excel中。 這次寫出的Excel,不重新建立,而採用Excel模板(圖12)形式,將資料從資料

ssm Dubbo分散式系統架構實戰入門,良心作二

前言:Dubbo (https://github.com/alibaba/dubbo)是阿里巴巴開源的分散式服務化治理框架(微服務框架),歷經阿里巴巴電商平臺的大規模複雜業務的高併發考驗,到目前為止Dubbo仍然是開源界中體系最完善的服務化治理框架,因此Dubbo被國內大量

java用JBarcode元件生成條形碼(支援自定義字型及顏色),圖文2-1

前言: JBarcode入門教程我就不寫了,可以參考:點選開啟連結 我的這篇教程和上篇部落格的不同之處: 1 上篇部落格直接生成二維碼圖片放到d盤的某個資料夾下,我的二維碼生成二維碼後直接用Base64編碼然後返回到前臺頁面。 2 上篇部落格只介紹了生成商品條形碼,其他二維

Python爬蟲實戰:爬取圖片

前言 本文的文字及圖片來源於網路,僅供學習、交流使用,不具有任何商業用途,版權歸原作者所有,如有問題請及時聯絡我們以作處理 如何使用python去實現一個爬蟲? 模擬瀏覽器請求並獲取網站資料在原始資料中提取我們想要的資料 資料篩選將篩選完成的資料做儲存 完成一個爬蟲需要哪些工具 Python3.6 p

Linux 三劍客 awk 實戰教程

我們知道 Linux 三劍客,它們分別是:grep、sed、awk。在前邊已經講過 grep 和 sed,沒看過的同學可以直接點選閱讀,今天要分享的是更為強大的 awk。 sed 可以實現非互動式的字串替換,grep 能夠實現有效的過濾功能。與兩者相比,awk 是一款強大的文字分析工具,在對資料分析並生成報告

解決ajax跨域的方法原理Cors方法

詳細 不同 htm 渲染 jsonp del 需要 methods href 1、神馬是跨域(Cross Domain) 對於端口和協議的不同,只能通過後臺來解決。 一句話:同一個ip、同一個網絡協議、同一個端口,三者都滿足就是同一個域,否則就是 跨域問題了。而為

javascript設計模式命令模式

這一 clas 例子 別了 logs 操作 book 技術 概念   每種設計模式的出現都是為了彌補語言在某方面的不足,解決特定環境下的問題。思想是相通的。只不過不同的設計語言有其特定的實現。對javascript這種動態語言來說,弱類型的特性,與生俱來的多態性,導致某些設

MVCAjax.BeginForm使用更新列表

分布 use html text col 返回 uno pts scripts 1.首先,請在配置文件設置如下:(該項默認都存在且為true) <add key="UnobtrusiveJavaScriptEnabled" value="true" /> 2