当前位置:网站首页>Pytorch实现简单线性回归Demo
Pytorch实现简单线性回归Demo
2022-07-06 09:16:00 【想成为风筝】
Pytorch实现简单线性回归
import numpy as np
x_values = [i for i in range(11)]
x_train = np.array(x_values,dtype=np.float32)
x_train = x_train.reshape(-1,1)
print(x_train.shape)
y_values = [2*i+1 for i in x_values]
y_train = np.array(y_values,dtype=np.float32)
y_train = y_train.reshape(-1,1)
print(y_train.shape)
import torch
import torch.nn as nn
device = torch.device('cuda:0' if torch.cuda.is_available() else 'cpu')
class LinearRegressionModel(nn.Module):
def __init__(self,input_dim,output_dim):
super(LinearRegressionModel, self).__init__()
self.Linear = nn.Linear(input_dim,output_dim)
def forward(self,x):
out = self.Linear(x)
return out
input_dim = 1
output_dim = 1
model = LinearRegressionModel(input_dim,output_dim)
model.to(device)
losses = nn.MSELoss()
optimizer = torch.optim.Adam(model.parameters(),lr=0.01)
epochs = 1000
for epoch in range(epochs):
epoch += 1
inputs = torch.from_numpy(x_train).to(device)
outputs = torch.from_numpy(y_train).to(device)
optimizer.zero_grad()
out = model(inputs)
loss = losses(out,outputs)
loss.backward()
optimizer.step()
if epoch % 50 == 0:
print('epoch {},loss {}'.format(epoch,loss))
#预测
predicted =model(torch.from_numpy(x_train).requires_grad_()).data.numpy()
print(predicted)
# #保存
# torch.save(model.state_dict(),'model.pkl') #保存模型的参数 w b
# #加载
# model.load_state_dict(torch.load('model.pkl')) #加载
边栏推荐
猜你喜欢

About string immutability

【CDH】CDH5.16 配置 yarn 任务集中分配设置不生效问题

PHP - whether the setting error displays -php xxx When PHP executes, there is no code exception prompt

MySQL与c语言连接(vs2019版)

Valentine's Day flirting with girls to force a small way, one can learn

MongoDB

2019 Tencent summer intern formal written examination

Stage 4 MySQL database

MongoDB

Case analysis of data inconsistency caused by Pt OSC table change
随机推荐
L2-006 tree traversal (25 points)
【CDH】CDH5.16 配置 yarn 任务集中分配设置不生效问题
MySQL数据库面试题
分布式節點免密登錄
yarn安装与使用
Correspondence between STM32 model and contex M
[Flink] cdh/cdp Flink on Yan log configuration
2019腾讯暑期实习生正式笔试
DICOM: Overview
Variable star user module
Pytoch Foundation
Gallery之图片浏览、组件学习
[Kerberos] deeply understand the Kerberos ticket life cycle
C语言读取BMP文件
Yarn installation and use
Codeforces Round #753 (Div. 3)
Matlab learning and actual combat notes
wangeditor富文本引用、表格使用问题
L2-001 emergency rescue (25 points)
【presto】presto 参数配置优化