Percepptron
📒 Perceptron
📝 じんこうニューラルネットワーク
✏️ Perceptron
入力xが
data:image/s3,"s3://crabby-images/80494/80494a58eb726c320a0b6bb27f9386bf58fe2114" alt=""
📝 AND, OR
data:image/s3,"s3://crabby-images/d0174/d0174ec3af470bcafca708508179b6f92c22b94e" alt=""
📝 XOR
X = torch.FloatTensor([[0, 0], [0, 1], [1, 0], [1, 1]])
Y = torch.FloatTensor([[0], [1], [1], [0]])
## nn Layers
linear = torch.nn.Linear(2, 1, bias=True)
sigmoid = torch.nn.Sigmoid()
model = torch.nn.Sequential(linear, sigmoid)
# define cost/loss & optimizer
criterion = torch.nn.BCELoss()
optimizer = torch.optim.SGD(model.parameters(), lr=1)
for step in range(10001):
optimizer.zero_grad()
hypothesis = model(X)
# cost/loss function
cost = criterion(hypothesis, Y)
cost.backward()
optimizer.step()
if step % 1000 == 0:
print(step, cost.item())
data:image/s3,"s3://crabby-images/fbca2/fbca204c745cc4376a5fb4b863bdbde0835aaf0b" alt=""
📒 Multi Layer Perceptron
📝 XOR
data:image/s3,"s3://crabby-images/7131c/7131cbf894af3b213953ea04230c79dd8026df66" alt=""
📝 Backpropagation
import torch
X = torch.FloatTensor([[0, 0], [0, 1], [1, 0], [1, 1]])
Y = torch.FloatTensor([[0], [1], [1], [0]])
## nn Layers
linear1 = torch.nn.Linear(2, 2, bias=True)
linear2 = torch.nn.Linear(2, 1, bias=True)
sigmoid = torch.nn.Sigmoid()
model = torch.nn.Sequential(linear1, sigmoid, linear2, sigmoid)
# define cost/loss & optimizer
criterion = torch.nn.BCELoss()
optimizer = torch.optim.SGD(model.parameters(), lr=1)
for step in range(10001):
optimizer.zero_grad()
hypothesis = model(X)
# cost/loss function
cost = criterion(hypothesis, Y)
cost.backward()
optimizer.step()
if step % 1000 == 0:
print(step, cost.item())
data:image/s3,"s3://crabby-images/0f878/0f8781ee2188a30c2ef75e03d835f784dbbbf9f3" alt=""
Reference
この問題について(Percepptron), 我々は、より多くの情報をここで見つけました https://velog.io/@gyuho/Percepptronテキストは自由に共有またはコピーできます。ただし、このドキュメントのURLは参考URLとして残しておいてください。
Collection and Share based on the CC Protocol