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

如何做企业交易网站2022引流人脉推广软件

如何做企业交易网站,2022引流人脉推广软件,60天做网站,深圳网站做的好的公司注:书中对代码的讲解并不详细,本文对很多细节做了详细注释。另外,书上的源代码是在Jupyter Notebook上运行的,较为分散,本文将代码集中起来,并加以完善,全部用vscode在python 3.9.18下测试通过。…

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

Chapter3 Linear Neural Networks

3.2 Implementations of Linear Regression from Scratch

import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
import random
import torch
from d2l import torch as d2ldef synthetic_data(w, b, num_examples):  #@save"""Generate y = Xw + b + noise."""#generates a random matrix X with dimensions (num_examples, len(w)) using a normal distribution with a mean of 0 and standard deviation of 1.X = torch.normal(0, 1, (num_examples, len(w)),dtype=torch.float32) #calculates the target values y by multiplying the input matrix X with the weight vector w and adding the bias term b. y = torch.matmul(X, w) + b  #And then adds some random noise to the target values y. The noise is generated from a normal distribution with mean 0 and standard deviation 0.01.                    y += torch.normal(0, 0.01, y.shape)             return X, y.reshape((-1, 1)) #The -1 in the first dimension means that PyTorch should automatically infer the size of that dimension based on the total number of elements. In other words, it is used to ensure that the reshaped tensor has the same total number of elements as the original tensor.true_w=torch.tensor([2,-3.4],dtype=torch.float32)
true_b=4.2
features,labels=synthetic_data(true_w,true_b,1000)
print('features:',features[0],'\nlabel:',labels[0])d2l.set_figsize()
d2l.plt.scatter(features[:,(1)].detach().numpy(),labels.detach().numpy(),1)
#plt.show()#显示散点图
#"features[:, 1]" selects the second column of the features tensor. 
#The detach() method is used to create a new tensor that shares no memory with the original tensor, and numpy() is then called to convert it to a NumPy array.
#"1" is the size of the markers in the scatter plot.def data_iter(batch_size,features,labels):num_examples=len(features)indices=list(range(num_examples))#随机读取文本random.shuffle(indices)#"Shuffle the indices"意为打乱索引 for i in range(0,num_examples,batch_size):batch_indices=torch.tensor(indices[i:min(i+batch_size,num_examples)])#"min(i + batch_size, num_examples)" is used to handle the last batch, which might have fewer examples than batch_size.yield features[batch_indices],labels[batch_indices]#初始化参数。从均值为0,标准差为0.01的正态分布中抽取随机数来初始化权重,并将偏置量置为0       
w=torch.normal(0,0.01,size=(2,1),requires_grad=True)
b=torch.zeros(1,requires_grad=True)#定义线性回归模型
def linreg(X,w,b): #@savereturn torch.matmul(X,w)+b #广播机制:用一个向量加一个标量时,标量会加到向量的每一个分量上#定义均方损失函数
def squared_loss(y_hat,y): #@savereturn (y_hat-y.reshape(y_hat.shape))**2/2#定义优化算法:小批量随机梯度下降
def sgd(params,lr,batch_size): #@savewith torch.no_grad():for param in params:param-=lr*param.grad/batch_sizeparam.grad.zero_()#轮数num_epochs和学习率lr都是超参数,先分别设为3和0.03,具体方法后续讲解
lr=0.03
num_epochs=3
batch_size=10for epoch in range(num_epochs):for X,y in data_iter(batch_size,features,labels):l=squared_loss(linreg(X,w,b),y)l.sum().backward()#因为l是一个向量而不是标量,因此需要把l的所有元素加到一起来计算关于(w,b)的梯度sgd([w,b],lr,batch_size)with torch.no_grad():train_l=squared_loss(linreg(features,w,b),labels)print(f'epoch {epoch+1}:squared_loss {float(train_l.mean()):f}')
print(f'w的估计误差:{true_w-w.reshape(true_w.shape)}')
#结果中的grad_fn=<SubBackward0>表示这个tensor是由一个正向减法操作生成的
print(f'b的估计误差:{true_b-b}')#<RsubBackward1>表示由一个反向减法操作生成
http://www.yayakq.cn/news/211046/

相关文章:

  • 网站建设和运维合同昆明网站制作方案定制
  • 基于asp的网站设计与实现如何给网站绑定域名
  • 做网站保定公司网站建设注意事项
  • 百度做的网站一般在什么后台有高并发量门户网站开发经验
  • 邢台网站建设地方深圳网站建房
  • a5网站诊断wordpress编辑主体
  • 淘宝开网站建设店铺分析网站开发配置状态统计样本
  • 域名申请好怎么做网站网站开发技术学习
  • 做淘宝站外推广网站织梦旅游网站源码
  • 广东省住房城乡建设厅网站动漫制作专业人机交互设计与制作
  • 徐州 商城网站建设苏州网站提升排名
  • 上海做网站的网站建设与管理培训活动总结
  • dw做的网站如何上传图片游戏制作软件免费版
  • 信息发布平台建站湖南网站建设磐石网络答疑
  • 网站创建工具wordpress主题highend
  • 中山市小榄新意网站设计有限公司拼多多网站
  • 中电建铁路建设公司网站做网站开店
  • 泰安集团网站建设报价微信登录网页版登录入口
  • 1688官网入口自己做网站怎么优化
  • 欧洲做塑料交易网站广告设计公司有哪些渠道通路
  • 淮北建设机械网站一个人可以做多少网站
  • 企业整体形象设计石家庄优化
  • 浅谈网站规划建设与管理维护湖南个人网络营销订制
  • 给别人做的网站涉及到违法如何开网站建设公司
  • 我想做一个网站网站开发与开发
  • 可信的手机网站建设wordpress标签显示图片
  • 北京网站建设销售招聘网站开发规格
  • 各网站推广深圳自适应网站推广价格
  • 外贸网站建设推广公司价格深圳网络营销公司
  • 文化建设包括哪些网站优化检测工具