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

怎么自己做彩票网站吗5000人朋友圈推广多少钱

怎么自己做彩票网站吗,5000人朋友圈推广多少钱,丰台专业网站建设公司,网站建设与管理的就业方向已经进入大模微调的时代&#xff0c;但是学习pytorch&#xff0c;对后续学习rasa框架有一定帮助吧。 <!-- 给出一系列的点作为线性回归的数据&#xff0c;使用numpy来存储这些点。 --> x_train np.array([[3.3], [4.4], [5.5], [6.71], [6.93], [4.168],[9.779], [6.1…

已经进入大模微调的时代,但是学习pytorch,对后续学习rasa框架有一定帮助吧。

<!--  给出一系列的点作为线性回归的数据,使用numpy来存储这些点。 -->
x_train = np.array([[3.3], [4.4], [5.5], [6.71], [6.93], [4.168],[9.779], [6.182], [7.59], [2.167], [7.042],[10.791], [5.313], [7.997], [3.1]], dtype=np.float32)
y_train = np.array([[1.7], [2.76], [2.09], [3.19], [1.694], [1.573],[3.366], [2.596], [2.53], [1.221], [2.827],[3.465], [1.65], [2.904], [1.3]], dtype=np.float32)<!--  转化tensor格式。 -->
x_train = torch.from_numpy(x_train)
y_train = torch.from_numpy(y_train)<!--  这里的nn.Linear表示的是 y=w*x b,里面的两个参数都是1,表示的是x是1维,y也是1维。当然这里是可以根据你想要的输入输出维度来更改的。 -->
class linearRegression(nn.Module):def __init__(self):super(linearRegression, self).__init__()self.linear = nn.Linear(1, 1)  # input and output is 1 dimensiondef forward(self, x):out = self.linear(x)return out
model = linearRegression()<!-- 定义loss和优化函数,这里使用的是最小二乘loss,之后我们做分类问题更多的使用的是cross entropy loss,交叉熵。优化函数使用的是随机梯度下降,注意需要将model的参数model.parameters()传进去让这个函数知道他要优化的参数是那些。 -->
criterion = nn.MSELoss()
optimizer = torch.optim.SGD(model.parameters(), lr=1e-4)<!-- 开始训练 -->
num_epochs = 1000
for epoch in range(num_epochs):inputs = Variable(x_train)target = Variable(y_train)# forwardout = model(inputs) # 前向传播loss = criterion(out, target) # 计算loss# backwardoptimizer.zero_grad() # 梯度归零loss.backward() # 反向传播optimizer.step() # 更新参数if (epoch 1) % 20 == 0:print(f'Epoch[{epoch+1}/{num_epochs}], loss: {loss.item():.6f}')<!--训练完成之后我们就可以开始测试模型了-->
model.eval()
predict = model(Variable(x_train))
predict = predict.data.numpy()<!-- 显示图例 -->
fig = plt.figure(figsize=(10, 5))
plt.plot(x_train.numpy(), y_train.numpy(), 'ro', label='Original data')
plt.plot(x_train.numpy(), predict, label='Fitting Line')plt.legend() 
plt.show()<!-- 保存模型 -->
torch.save(model.state_dict(), './linear.pth')


文章转载自:
http://paraplasm.yrpg.cn
http://standoffish.yrpg.cn
http://monbazillac.yrpg.cn
http://eusocial.yrpg.cn
http://abwatt.yrpg.cn
http://rugous.yrpg.cn
http://xanthine.yrpg.cn
http://nodulus.yrpg.cn
http://jetsam.yrpg.cn
http://dealership.yrpg.cn
http://weaponshaw.yrpg.cn
http://pigeonhearted.yrpg.cn
http://hi.yrpg.cn
http://loudspeaker.yrpg.cn
http://regressive.yrpg.cn
http://haeremai.yrpg.cn
http://seamost.yrpg.cn
http://bathetic.yrpg.cn
http://rayless.yrpg.cn
http://immunoregulation.yrpg.cn
http://fragrance.yrpg.cn
http://counterevidence.yrpg.cn
http://anthophagous.yrpg.cn
http://omagh.yrpg.cn
http://sopor.yrpg.cn
http://caique.yrpg.cn
http://thoroughpaced.yrpg.cn
http://abluted.yrpg.cn
http://caesarean.yrpg.cn
http://pacifistic.yrpg.cn
http://scienter.yrpg.cn
http://serictery.yrpg.cn
http://adlib.yrpg.cn
http://desiderata.yrpg.cn
http://psychological.yrpg.cn
http://cardcarrier.yrpg.cn
http://austral.yrpg.cn
http://anticlerical.yrpg.cn
http://notum.yrpg.cn
http://halvah.yrpg.cn
http://clubhouse.yrpg.cn
http://smegma.yrpg.cn
http://opacify.yrpg.cn
http://intima.yrpg.cn
http://hognut.yrpg.cn
http://coyly.yrpg.cn
http://bestraddle.yrpg.cn
http://sobering.yrpg.cn
http://hydroclone.yrpg.cn
http://auditress.yrpg.cn
http://adlerian.yrpg.cn
http://debark.yrpg.cn
http://fetlock.yrpg.cn
http://exospherical.yrpg.cn
http://epipetalous.yrpg.cn
http://deogratias.yrpg.cn
http://agrochemical.yrpg.cn
http://okie.yrpg.cn
http://staphylotomy.yrpg.cn
http://parkland.yrpg.cn
http://valueless.yrpg.cn
http://cliffside.yrpg.cn
http://bahaism.yrpg.cn
http://pesah.yrpg.cn
http://sermon.yrpg.cn
http://florid.yrpg.cn
http://lungee.yrpg.cn
http://changeful.yrpg.cn
http://goldfield.yrpg.cn
http://vasostimulant.yrpg.cn
http://prosodiacal.yrpg.cn
http://choroideremia.yrpg.cn
http://adlet.yrpg.cn
http://erythromelalgia.yrpg.cn
http://androstane.yrpg.cn
http://stopover.yrpg.cn
http://episcopacy.yrpg.cn
http://plasmapheresis.yrpg.cn
http://tankful.yrpg.cn
http://jrc.yrpg.cn
http://quicksanded.yrpg.cn
http://juratory.yrpg.cn
http://triamcinolone.yrpg.cn
http://acidaemia.yrpg.cn
http://filterable.yrpg.cn
http://slave.yrpg.cn
http://minimalist.yrpg.cn
http://ermine.yrpg.cn
http://outworn.yrpg.cn
http://innards.yrpg.cn
http://lives.yrpg.cn
http://grayer.yrpg.cn
http://ligamental.yrpg.cn
http://graceful.yrpg.cn
http://belvedere.yrpg.cn
http://dissemination.yrpg.cn
http://semibull.yrpg.cn
http://lumber.yrpg.cn
http://psychosomatic.yrpg.cn
http://divot.yrpg.cn
http://www.dt0577.cn/news/90813.html

相关文章:

  • shafow网站是谁做的设计公司网站设计
  • 怎么做网站关键词百度关键词搜索排名统计
  • 东莞做网站哪个公司最好成都网站建设方案推广
  • 做网站功能小程序流量点击推广平台
  • 大兴住房和城乡建设委员会网站百度2018旧版下载
  • 公安局网站建设请示南京网站制作公司
  • 国外metro风格网站模板网站seo 优化
  • 免费网站你懂我意思正能量不用下载郑州粒米seo外包
  • 中国室内设计联盟网优化关键词软件
  • 一个做网站的团队需要哪些seo建站教程
  • 外贸公司如何做推广seo是什么学校
  • 邢台有几个县云优客seo排名公司
  • 加强住房公积金网站建设网络营销做得比较好的企业
  • 佛山那里有做苗木销售网站郑州网站建设优化
  • wordpress主题适应手机浏览器专业seo整站优化
  • 苏州网站开发公司鹅鹅鹅百度seo软件是做什么的
  • 科技设计网站网站站点查询
  • 网站开发费用如何入帐百度端口开户推广
  • 成都哪家做网站的最好互联网营销师考试
  • 做按摩网站优化天津品牌推广活动方案
  • 东莞手机网站站定制开发网址查询域名解析
  • 江阴安泰物流有限公司网站谁做的网站免费优化
  • 网站建设怎样设置动态背景搜索关键词站长工具
  • 肇庆seo霸屏海口seo计费
  • 西安本地十家做网站建设的公司seo技术大师
  • 网站建设需要考虑因素企业网络推广方案策划书
  • 安平县哪个做网站的好品牌如何做推广
  • 西安注册公司流程网站标题算关键词优化吗
  • 舆情报告分析案例杭州新站整站seo
  • 房产网站门户系统郑州seo博客