记录pytorch代码运行中的报错

【1】RuntimeError: size mismatch, m1: [1 x 100], m2: [1 x 1] at c:\programdata\miniconda3\conda-bld\pytorch-cpu_1532498166916\work\aten\src\th\generic/THTensorMath.cpp:2070

x = np.linspace(-1, 1, 100)
    # 在指定的间隔内返回均匀间隔的数字
y = 2 * x + np.random.randn(*x.shape) * 0.3 # y=2x,但是加入了噪声

#def change_to_torch(a): #转成torch
x_train_x = torch.from_numpy(x)
y_train_y = torch.from_numpy(y)

x_train = x_train_x.float() #将类型固定为float 类型
y_train = y_train_y.float()

class LinearRegression(nn.Module):
    def __init__(self):
        super(LinearRegression,self).__init__()
        self.linear = nn.Linear(1,1) #输入输出纬度均为1
    
    def forward(self,x):
        out = self.linear((x))
        return out

#初始化
model = LinearRegression()  #创建模型,未实例化  
criterion = nn.MSELoss()  #定义损失函数为均方误差
optimizer = optim.SGD(model.parameters(),lr=1e-2) # 定义优化算法为梯度下降法

#训练   
num_epochs = 1000 #训练次数
for epoch in range(num_epochs):  #将tensor类型转成 variable类型
    inputs = Var(x_train)
    target = Var(y_train)

原因:定义数组的时候,数组是1*100的。转成tensor类型也是1*100的,但是由于线性回归,维度是1输入1输出的。因为应该设置成100*1来进行操作。

然后我又想展示以下数据,因此抄了一段程序https://blog.csdn.net/out_of_memory_error/article/details/81262309,把他改成了numpy,展示了一下。

x_train = torch.unsqueeze(torch.linspace(-1, 1, 100), dim=1)
y_train = 3 * x_train + 10 + torch.rand(x_train.size())
# 上面这行代码是制造出接近y=3x+10的数据集,后面加上torch.rand()函数制造噪音
# 上面是抄的 

#tensor 转numpy
x = x_train.numpy()
y = y_train.numpy()
plt.plot(x,y, 'ro', label='Original data')
plt.legend()
plt.show()

 

 

你可能感兴趣的:(平时工作问题记录)