Pytorch实现线性回归并实时显示拟合过程(6)
发布日期:2021-05-09 12:07:38
浏览次数:24
分类:技术文章
本文共 2155 字,大约阅读时间需要 7 分钟。
本代码通过使用Pytorch动态实现线性回归:
import torchimport torch.nn.functional as Ffrom torch.autograd import Variableimport matplotlib.pyplot as plt'''先看torch.squeeze() 这个函数主要对数据的维度进行压缩,去掉维数为1的的维度,比如是一行或者一列这种,一个一行三列(1,3)的数去掉第一个维数为一的维度之后就变成(3)行。squeeze(a)就是将a中所有为1的维度删掉。不为1的维度没有影响。a.squeeze(N) 就是去掉a中指定的维数为一的维度。还有一种形式就是b=torch.squeeze(a,N) a中去掉指定的定的维数为一的维度。再看torch.unsqueeze()这个函数主要是对数据维度进行扩充。给指定位置加上维数为一的维度,比如原本有个三行的数据(3),在0的位置加了一维就变成一行三列(1,3)。a.squeeze(N) 就是在a中指定位置N加上一个维数为1的维度。还有一种形式就是b=torch.squeeze(a,N) a就是在a中指定位置N加上一个维数为1的维度'''x = torch.unsqueeze(torch.linspace(-1, 1, 100), dim=1) # x data (tensor), shape=(100, 1)y = x.pow(2) + 0.2*torch.rand(x.size()) # noisy y data (tensor), shape=(100, 1)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.predict = 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.predict(x) # linear output return xnet = Net(n_feature=1, n_hidden=10, n_output=1) # define the networkprint(net) # net architectureoptimizer = torch.optim.SGD(net.parameters(), lr=0.2)loss_func = torch.nn.MSELoss() # this is for regression mean squared lossplt.ion() # 打开交互模式for t in range(300): prediction = net(x) # input x and predict based on x loss = loss_func(prediction, y) # must be (1. nn output, 2. target) optimizer.zero_grad() # clear gradients for next train loss.backward() # backpropagation, compute gradients optimizer.step() # apply gradients if t % 5 == 0: #绘制和显示学习率 plt.cla() # 即清除当前图形中的当前活动轴。其他轴不受影响 plt.scatter(x.data.numpy(), y.data.numpy()) #散点图 plt.plot(x.data.numpy(), prediction.data.numpy(), 'r-', lw=5) plt.text(0.5, 0, 'Loss=%.4f' % loss.data.numpy(), fontdict={'size': 20, 'color': 'red'}) plt.pause(0.1)plt.ioff() # 显示前关掉交互模式plt.show()
显示拟合结果:
了解更多关于《计算机视觉与图形学》相关知识,请关注公众号:
下载我们视频中代码和相关讲义,请在公众号回复:计算机视觉课程资料
转载地址:https://blog.csdn.net/CSS360/article/details/88374163 如侵犯您的版权,请留言回复原文章的地址,我们会给您删除此文章,给您带来不便请您谅解!
发表评论
最新留言
路过按个爪印,很不错,赞一个!
[***.219.124.196]2024年09月13日 07时59分47秒
关于作者
喝酒易醉,品茶养心,人生如梦,品茶悟道,何以解忧?唯有杜康!
-- 愿君每日到此一游!
推荐文章
dok_matrix
2019-05-24
后台面试经典问题-手写LRU算法
2019-05-24
UIScrollView不能响应UITouch事件
2019-05-24
iOS TextFiled 文本密码切换 光标偏移解决
2019-05-24
iOS 当前应用所占内存和设备可用内存
2019-05-24
iOS 文件属性
2019-05-24
UIView的layoutSubviews和drawRect方法何时调用
2019-05-24
iOS GCD多线程下载原理
2019-05-24
NSData全部API解释
2019-05-24
iOS 侧滑菜单封装Demo(类似QQ侧滑效果)
2019-05-24
Spring学习(二)
2019-05-24
Spring学习(三)
2019-05-24
Spring学习(四)
2019-05-24
java解惑——易错知识点归纳总结
2019-05-24
Memcached 集群部署
2019-05-24
Memcached与Spring AOP构建数分布式据库前端缓存框架
2019-05-24
数据挖掘常用算法整理
2019-05-24
JNDI学习总结(一)——JNDI数据源的配置
2019-05-24
JNDI学习总结(二)——Tomcat下使用C3P0配置JNDI数据源
2019-05-24
JNDI学习总结(三)——Tomcat下使用Druid配置JNDI数据源
2019-05-24