当前位置: 首页 > news >正文

常州网站制作公司多吗河南网站优化公司哪家好

常州网站制作公司多吗,河南网站优化公司哪家好,核桃编程免费100课,如何在外管局网站做延期收汇注:书中对代码的讲解并不详细,本文对很多细节做了详细注释。另外,书上的源代码是在Jupyter Notebook上运行的,较为分散,本文将代码集中起来,并加以完善,全部用vscode在python 3.9.18下测试通过。…

注:书中对代码的讲解并不详细,本文对很多细节做了详细注释。另外,书上的源代码是在Jupyter Notebook上运行的,较为分散,本文将代码集中起来,并加以完善,全部用vscode在python 3.9.18下测试通过。

Chapter3 Linear Neural Networks

3.3 Concise Implementations of Linear Regression

import numpy as np
import torch
from torch.utils import data
from d2l import torch as d2ltrue_w=torch.tensor([2,-3.4])
true_b=4.2
features,labels=d2l.synthetic_data(true_w,true_b,1000)#构造一个pytorch数据迭代器
def load_array(data_arrays,batch_size,is_train=True): #@savedataset=data.TensorDataset(*data_arrays)#"TensorDataset" is a class provided by the torch.utils.data module which is a dataset wrapper that allows you to create a dataset from a sequence of tensors. #"*data_arrays" is used to unpack the tuple into individual tensors.#The '*' operator is used for iterable unpacking.#Here, data_arrays is expected to be a tuple containing the input features and corresponding labels. The "*data_arrays" syntax is used to unpack the elements of the tuple and pass them as separate arguments.return data.DataLoader(dataset,batch_size,shuffle=is_train)#Constructs a PyTorch DataLoader object which is an iterator that provides batches of data during training or testing.
batch_size=10
data_iter=load_array([features,labels],batch_size)
print(next(iter(data_iter)))#调用next()函数时会返回迭代器的下一个项目,并更新迭代器的内部状态以便下次调用#定义模型变量,nn是神经网络的缩写
from torch import nn
net=nn.Sequential(nn.Linear(2,1))
#Creates a sequential neural network with one linear layer.
#Input size (in_features) is 2, indicating the network expects input with 2 features.
#Output size (out_features) is 1, indicating the network produces 1 output.#初始化模型参数
net[0].weight.data.normal_(0,0.01)#The underscore at the end (normal_) indicates that this operation is performed in-place, modifying the existing tensor in memory.
net[0].bias.data.fill_(0)#定义均方误差损失函数,也称平方L2范数,返回所有样本损失的平均值
loss=nn.MSELoss()#MSE:mean squared error #定义优化算法(仍是小批量随机梯度下降)
#update the parameters of the neural network (net.parameters()) using gradients computed during backpropagation. 
trainer=torch.optim.SGD(net.parameters(),lr=0.03)#SGD:stochastic gradient descent(随机梯度下降)#训练
num_epochs=3
for epoch in range(num_epochs):for X,y in data_iter:l=loss(net(X),y)trainer.zero_grad()l.backward()trainer.step()#Updates the model parameters using the computed gradients and the optimization algorithm.l=loss(net(features),labels)print(f'epoch {epoch+1},loss {l:.6f}')#{l:.f}表示将变量l格式化为小数点后有6位的浮点数。w=net[0].weight.data
print('w的估计误差:',true_w-w.reshape(true_w.shape))
b=net[0].bias.data
print('b的估计误差:',true_b-b)
http://www.ritt.cn/news/15034.html

相关文章:

  • 上海做网站建设的公司什么网站可以发布广告
  • 湖北省职业能力建设处网站百度投诉中心在线申诉
  • 优化前网站现状分析教育培训机构前十名
  • 世界排名前十的服装设计学院seocms
  • 网站支付宝网上支付功能怎么做seo学习网站
  • 动态站 网站地图怎么做如何注册网站平台
  • 成都网站建设企业公司网站注册流程和费用
  • 为什么做域名跳转网站样式不见了长沙seo推广
  • 网站推广的作用是什么百度手机端排名
  • 有哪些做调查问卷赚钱的网站免费b站推广网站2023
  • 万泉河网站建设国外外链平台
  • 做网站 警察单页网站制作教程
  • 免费b2b网站如何做排名搜seo
  • 上海三凯建设管理咨询有限公司网站营销型网站建设费用
  • wordpress 教育 演示杭州新站整站seo
  • 佛山营销网站建设服务公司营销策划方案
  • 备案网站名称怎么写百度怎么发免费广告
  • 网站病毒视频如何提高搜索引擎优化
  • 汕头手机端建站模板网站改进建议有哪些
  • 网站建设发展前景泉州关键词排名
  • 电脑下载17zwd一起做网站全自动引流推广软件免费
  • 网站建设公司 盐城市网络营销公司有哪些
  • 给别人做网站的销售叫什么软件百度云网盘免费资源
  • 杭州网站设计我选柚v米科技网站seo视频教程
  • 插画网站网络舆情分析研判报告
  • 太仓住房与城乡建设局网站搜索引擎收录查询
  • 中文电影网页模板免费下载西安seo优化系统
  • wordpress 审核投稿seo有名气的优化公司
  • 网络科技公司网站模板免费写文章的软件
  • 深圳建设交易中心官网c盘优化大师