すべての人に対する深い学習2::RNN 11-1 Basics
6109 ワード
RNN in PyTorch
PyTorchでは、RNNは2行でセルを定義できます.
torch.nn.RNN()
を使用してinputsizeおよびhiddensizeを宣言します.cellを定義する文と考えられます.Simple Example :: input
Simple Example :: hidden state
Simple Example :: Sequence Length
Simple Example :: Batch Size
ソースコード import torch
import numpy as np
# Random seed to make results deterministic and reproducible
torch.manual_seed(0)
# declare dimension
input_size = 4
hidden_size = 2
# singleton example
# shape : (1, 1, 4)
# input_data_np = np.array([[[1, 0, 0, 0]]])
# sequential example
# shape : (3, 5, 4)
h = [1, 0, 0, 0]
e = [0, 1, 0, 0]
l = [0, 0, 1, 0]
o = [0, 0, 0, 1]
input_data_np = np.array([[h, e, l, l, o], [e, o, l, l, l], [l, l, e, e, l]], dtype=np.float32)
# transform as torch tensor
input_data = torch.Tensor(input_data_np)
# declare RNN
rnn = torch.nn.RNN(input_size, hidden_size)
# check output
outputs, _status = rnn(input_data)
print(outputs)
print(outputs.size())
Reference
この問題について(すべての人に対する深い学習2::RNN 11-1 Basics), 我々は、より多くの情報をここで見つけました
https://velog.io/@uonmf97/모두를-위한-딥러닝-2-RNN-11-1-Basics
テキストは自由に共有またはコピーできます。ただし、このドキュメントのURLは参考URLとして残しておいてください。
Collection and Share based on the CC Protocol
import torch
import numpy as np
# Random seed to make results deterministic and reproducible
torch.manual_seed(0)
# declare dimension
input_size = 4
hidden_size = 2
# singleton example
# shape : (1, 1, 4)
# input_data_np = np.array([[[1, 0, 0, 0]]])
# sequential example
# shape : (3, 5, 4)
h = [1, 0, 0, 0]
e = [0, 1, 0, 0]
l = [0, 0, 1, 0]
o = [0, 0, 0, 1]
input_data_np = np.array([[h, e, l, l, o], [e, o, l, l, l], [l, l, e, e, l]], dtype=np.float32)
# transform as torch tensor
input_data = torch.Tensor(input_data_np)
# declare RNN
rnn = torch.nn.RNN(input_size, hidden_size)
# check output
outputs, _status = rnn(input_data)
print(outputs)
print(outputs.size())
Reference
この問題について(すべての人に対する深い学習2::RNN 11-1 Basics), 我々は、より多くの情報をここで見つけました https://velog.io/@uonmf97/모두를-위한-딥러닝-2-RNN-11-1-Basicsテキストは自由に共有またはコピーできます。ただし、このドキュメントのURLは参考URLとして残しておいてください。
Collection and Share based on the CC Protocol