1.用最簡單的途徑來看看神經網路是怎麼進行事物的分類.
原始碼:
import torch
from torch.autograd import variable
import matplotlib.pyplot as plt
# 假資料
n_data = torch.ones(100, 2) # 資料的基本形態
x0 = torch.normal(2*n_data, 1) # 型別0 x data (tensor), shape=(100, 2)
y0 = torch.zeros(100) # 型別0 y data (tensor), shape=(100, 1)
x1 = torch.normal(-2*n_data, 1) # 型別1 x data (tensor), shape=(100, 2)
y1 = torch.ones(100) # 型別1 y data (tensor), shape=(100, 1)
# 注意 x, y 資料的資料形式是一定要像下面一樣 (torch.cat 是在合併資料)
x = torch.cat((x0, x1), 0).type(torch.floattensor) # floattensor = 32-bit floating
y = torch.cat((y0, y1), ).type(torch.longtensor) # longtensor = 64-bit integer
# torch 只能在 variable 上訓練, 所以把它們變成 variable
x, y = variable(x), variable(y)
# plt.scatter(x.data.numpy()[:, 0], x.data.numpy()[:, 1], c=y.data.numpy(), s=100, lw=0, cmap='rdylgn')
# plt.show()
class net(torch.nn.module):
def __init__(self, n_feature, n_hidden, n_output):
super(net, self).__init__()
self.hidden = torch.nn.linear(n_feature, n_hidden) # hidden layer
self.out = torch.nn.linear(n_hidden, n_output) # output layer
def forward(self, x):
x = f.relu(self.hidden(x)) # activation function for hidden layer
x = self.out(x)
return x
net = net(n_feature=2, n_hidden=10, n_output=2) # define the network
print(net) # net architecture
optimizer = torch.optim.sgd(net.parameters(), lr=0.02)
loss_func = torch.nn.crossentropyloss() # the target label is not an one-hotted
plt.ion() # something about plotting
for t in range(100):
out = net(x) # input x and predict based on x
loss = loss_func(out, y) # must be (1. nn output, 2. target), the target label is not one-hotted
optimizer.zero_grad() # clear gradients for next train
loss.backward() # backpropagation, compute gradients
if t % 2 == 0:
# plot and show learning process
plt.cla()
prediction = torch.max(out, 1)[1]
pred_y = prediction.data.numpy().squeeze()
target_y = y.data.numpy()
plt.scatter(x.data.numpy()[:, 0], x.data.numpy()[:, 1], c=pred_y, s=100, lw=0, cmap='rdylgn')
accuracy = sum(pred_y == target_y)/200.
plt.text(1.5, -4, 'accuracy=%.2f' % accuracy, fontdict=)
plt.pause(0.1)
plt.ioff()
plt.show()
結果展示:
torch 中提供了很多方便的途徑, 同樣是神經網路, 能快則快, 我們看看如何用更簡單的方式搭建同樣的回歸神經網路.
我們先看看之前寫神經網路時用到的步驟,是這樣的:
class net(torch.nn.module):
def __init__(self, n_feature, n_hidden, n_output):
super(net, self).__init__()
self.hidden = torch.nn.linear(n_feature, n_hidden)
self.predict = torch.nn.linear(n_hidden, n_output)
def forward(self, x):
x = f.relu(self.hidden(x))
x = self.predict(x)
return x
net1 = net(1, 10, 1) # 這是我們用這種方式搭建的 net1
我們用 class 繼承了乙個 torch 中的神經網路結構, 然後對其進行了修改, 不過還有更快的一招, 用一句話就概括了上面所有的內容!即今天要講的快速搭建法:
我們會發現net2
多顯示了一些內容, 這是為什麼呢? 原來他把激勵函式也一同納入進去了, 但是net1
中, 激勵函式實際上是在forward()
功能中才被呼叫的. 這也就說明了, 相比net2
,net1
的好處就是, 你可以根據你的個人需要更加個性化你自己的前向傳播過程, 比如(rnn). 不過如果你不需要七七八八的過程, 相信net2
這種形式更適合你.
Mycat快速入門 四 分片規則
在資料切分處理中,特別是水平切分中,中介軟體最終要的兩個處理過程就是資料的切分 資料的聚合。選擇 合適的切分規則,至關重要,因為它決定了後續資料聚合的難易程度,甚至可以避免跨庫的資料聚合處理。可以通過全域性表,er分片表,資料冗餘來盡量來避免跨庫多表連線join。所謂全域性表就是該錶在每個分片上都會...
pytorch筆記5 分類
用簡單的例子看一下神經網路是怎麼分類的 有兩組資料,一組資料屬於分類1,一組資料屬於分類0 建立資料 n data torch.ones 100,2 data1 torch.normal 2 n data,1 其中一組資料的x座標和y座標都包含再data1中 label1 torch.zeros 1...
演算法競賽入門經典 四分樹
include includeconst int len 32 const int maxn 1024 10 char s maxn int buf len len cnt 把字串s p 匯出到 以 r,c 為左上角,邊長為w的快取區里 r,c預設為0,0 w預設為32 void draw cons...