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

网站 攻击 刷流量宝安网站设计哪家最好

网站 攻击 刷流量,宝安网站设计哪家最好,互联网怎么做,游戏开发难还是网站开发难注#xff1a;书中对代码的讲解并不详细#xff0c;本文对很多细节做了详细注释。另外#xff0c;书上的源代码是在Jupyter Notebook上运行的#xff0c;较为分散#xff0c;本文将代码集中起来#xff0c;并加以完善#xff0c;全部用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_wtorch.tensor([2,-3.4]) true_b4.2 features,labelsd2l.synthetic_data(true_w,true_b,1000)#构造一个pytorch数据迭代器 def load_array(data_arrays,batch_size,is_trainTrue): #savedatasetdata.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,shuffleis_train)#Constructs a PyTorch DataLoader object which is an iterator that provides batches of data during training or testing. batch_size10 data_iterload_array([features,labels],batch_size) print(next(iter(data_iter)))#调用next()函数时会返回迭代器的下一个项目并更新迭代器的内部状态以便下次调用#定义模型变量nn是神经网络的缩写 from torch import nn netnn.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范数返回所有样本损失的平均值 lossnn.MSELoss()#MSE:mean squared error #定义优化算法仍是小批量随机梯度下降 #update the parameters of the neural network (net.parameters()) using gradients computed during backpropagation. trainertorch.optim.SGD(net.parameters(),lr0.03)#SGD:stochastic gradient descent(随机梯度下降)#训练 num_epochs3 for epoch in range(num_epochs):for X,y in data_iter:lloss(net(X),y)trainer.zero_grad()l.backward()trainer.step()#Updates the model parameters using the computed gradients and the optimization algorithm.lloss(net(features),labels)print(fepoch {epoch1},loss {l:.6f})#{l:.f}表示将变量l格式化为小数点后有6位的浮点数。wnet[0].weight.data print(w的估计误差,true_w-w.reshape(true_w.shape)) bnet[0].bias.data print(b的估计误差,true_b-b)
http://www.w-s-a.com/news/615263/

相关文章:

  • 怎样做网站排名优化展馆设计费取费标准一览表
  • 网站建设去哪可接单网站建设与设计大作业
  • 休闲咖啡厅网站开发目标韩国小清新网站模板
  • 做微景观的网站制作网页模板适应不同分辨率
  • 最简单的网站系统昨天军事新闻最新消息
  • 做ps网页设计的网站有哪些wordpress内容付费
  • 有没有免费注册域名的网站科技小制作 手工 简单
  • 网站支付端口win10优化大师怎么样
  • 怎么做云购网站吗网站流量监测
  • 网站被恶意刷流量可以翻外墙的浏览器
  • 网站做直链下载存储解决方案怎么把网站设置为主页面
  • 西安做网站招聘深圳网站见
  • 网站怎么做优化百度能搜索到wordpress 子分类
  • 六安网站建设培训制作网站需要多少时间
  • 电子商务专业网站建设什么软件可以做动画视频网站
  • wordpress 分享主题做网站优化有必要
  • ftp 网站管理电商网站设计图片
  • 惠州免费建站模板营销型旅游网站建设
  • 南宁cms建站wordpress 开启缩略图
  • 网站模板软件网站admin密码
  • 网站信息做参考文献射阳做企业网站多少钱
  • 网站外部优化的4大重点外贸站外推广
  • 宁波网站建设活动德州乐陵德州seo公司
  • 网站网址相对路径如何设置wordpress怎么加快网站打开速度
  • 有没有能帮人快速网站备案的机构网站建设与制作总结
  • 网站不用了怎么办苏州h5模板建站
  • 网站建设制作定制免费网络短剧
  • 建设部建造师强制注销网站h5响应式网站模板下载
  • 蛋糕网站内容规划建设网站需要多少钱济南兴田德润o厉害吗
  • 企业如何建设网站呢做网站的高手