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

搜索引擎推广网站wordpress 经典案例

搜索引擎推广网站,wordpress 经典案例,wordpress 微博登陆不了,开源网站建设教程一、说明 在第一部分中#xff0c;我们研究了如何使用 SVI 对简单的贝叶斯线性回归模型进行推理。在本教程中#xff0c;我们将探索更具表现力的指南以及精确的推理技术。我们将使用与之前相同的数据集。 二、模块导入 [1]:%reset -sf[2]:import logging import osimport tor… 一、说明         在第一部分中我们研究了如何使用 SVI 对简单的贝叶斯线性回归模型进行推理。在本教程中我们将探索更具表现力的指南以及精确的推理技术。我们将使用与之前相同的数据集。 二、模块导入 [1]:%reset -sf[2]:import logging import osimport torch import matplotlib.pyplot as plt import numpy as np import pandas as pd import seaborn as sns from torch.distributions import constraintsimport pyro import pyro.distributions as dist import pyro.optim as optimpyro.set_rng_seed(1) assert pyro.__version__.startswith(1.8.6)[3]:%matplotlib inline plt.style.use(default)logging.basicConfig(format%(message)s, levellogging.INFO) smoke_test (CI in os.environ) pyro.set_rng_seed(1) DATA_URL https://d2hg8soec8ck9v.cloudfront.net/datasets/rugged_data.csv rugged_data pd.read_csv(DATA_URL, encodingISO-8859-1) 三、贝叶斯线性回归         我们的目标是再次根据数据集中的两个特征该国家是否位于非洲及其地形坚固指数来预测一个国家的人均 GDP 对数但我们将探索更具表现力的指南。 3.1 模型指南        我们将再次写出模型类似于第一部分但明确不使用 PyroModule。我们将使用相同的先验写出回归中的每一项。 bA和bR是is_cont_africa和roughness对应的回归系数a是截距bAR是两个特征之间的相关因子。         编写指南的过程与我们模型的构建非常相似主要区别在于指南参数需要可训练。为此我们使用在 ParamStore 中注册指南参数pyro.param()。注意尺度参数的正约束。 [4]:def model(is_cont_africa, ruggedness, log_gdp):a pyro.sample(a, dist.Normal(0., 10.))b_a pyro.sample(bA, dist.Normal(0., 1.))b_r pyro.sample(bR, dist.Normal(0., 1.))b_ar pyro.sample(bAR, dist.Normal(0., 1.))sigma pyro.sample(sigma, dist.Uniform(0., 10.))mean a b_a * is_cont_africa b_r * ruggedness b_ar * is_cont_africa * ruggednesswith pyro.plate(data, len(ruggedness)):pyro.sample(obs, dist.Normal(mean, sigma), obslog_gdp)def guide(is_cont_africa, ruggedness, log_gdp):a_loc pyro.param(a_loc, torch.tensor(0.))a_scale pyro.param(a_scale, torch.tensor(1.),constraintconstraints.positive)sigma_loc pyro.param(sigma_loc, torch.tensor(1.),constraintconstraints.positive)weights_loc pyro.param(weights_loc, torch.randn(3))weights_scale pyro.param(weights_scale, torch.ones(3),constraintconstraints.positive)a pyro.sample(a, dist.Normal(a_loc, a_scale))b_a pyro.sample(bA, dist.Normal(weights_loc[0], weights_scale[0]))b_r pyro.sample(bR, dist.Normal(weights_loc[1], weights_scale[1]))b_ar pyro.sample(bAR, dist.Normal(weights_loc[2], weights_scale[2]))sigma pyro.sample(sigma, dist.Normal(sigma_loc, torch.tensor(0.05)))mean a b_a * is_cont_africa b_r * ruggedness b_ar * is_cont_africa * ruggedness[5]:# Utility function to print latent sites quantile information. def summary(samples):site_stats {}for site_name, values in samples.items():marginal_site pd.DataFrame(values)describe marginal_site.describe(percentiles[.05, 0.25, 0.5, 0.75, 0.95]).transpose()site_stats[site_name] describe[[mean, std, 5%, 25%, 50%, 75%, 95%]]return site_stats# Prepare training data df rugged_data[[cont_africa, rugged, rgdppc_2000]] df df[np.isfinite(df.rgdppc_2000)] df[rgdppc_2000] np.log(df[rgdppc_2000]) train torch.tensor(df.values, dtypetorch.float)3.2 SVI推理         和之前一样我们将使用 SVI 来执行推理。 [6]:from pyro.infer import SVI, Trace_ELBOsvi SVI(model,guide,optim.Adam({lr: .05}),lossTrace_ELBO())is_cont_africa, ruggedness, log_gdp train[:, 0], train[:, 1], train[:, 2] pyro.clear_param_store() num_iters 5000 if not smoke_test else 2 for i in range(num_iters):elbo svi.step(is_cont_africa, ruggedness, log_gdp)if i % 500 0:logging.info(Elbo loss: {}.format(elbo))埃尔博损失5795.467590510845 埃尔博损失415.8169444799423 埃尔博损失250.71916329860687 埃尔博损失247.19457268714905 埃尔博损失249.2004036307335 埃尔博损失250.96484470367432 埃尔博损失249.35092514753342 埃尔博损失248.7831552028656 埃尔博损失248.62140649557114 埃尔博损失250.4274433851242[7]:from pyro.infer import Predictivenum_samples 1000 predictive Predictive(model, guideguide, num_samplesnum_samples) svi_samples {k: v.reshape(num_samples).detach().cpu().numpy()for k, v in predictive(log_gdp, is_cont_africa, ruggedness).items()if k ! obs}让我们观察模型中不同潜在变量的后验分布。 [8]:for site, values in summary(svi_samples).items():print(Site: {}.format(site))print(values, \n)站点a平均标准差 5% 25% 50% 75% 95% 0 9.177024 0.059607 9.07811 9.140463 9.178211 9.217098 9.27152地点bA平均标准差 5% 25% 50% 75% 95% 0 -1.890622 0.122805 -2.08849 -1.979107 -1.887476 -1.803683 -1.700853站点bR平均标准差 5% 25% 50% 75% 95% 0 -0.157847 0.039538 -0.22324 -0.183673 -0.157873 -0.133102 -0.091713站点bAR平均标准差 5% 25% 50% 75% 95% 0 0.304515 0.067683 0.194583 0.259464 0.304907 0.348932 0.415128网站西格玛平均标准差 5% 25% 50% 75% 95% 0 0.902898 0.047971 0.824166 0.870317 0.901981 0.935171 0.981577 3.3 HMC          与使用变分推理为我们提供潜在变量的近似后验相反我们还可以使用马尔可夫链蒙特卡罗MCMC进行精确推理这是一类算法在极限情况下允许我们从真实的样本中提取无偏样本。后部。我们将使用的算法称为 No-U Turn Sampler (NUTS) [1]它提供了一种运行哈密顿蒙特卡罗的高效且自动化的方法。它比变分推理稍慢但提供了精确的估计。 [9]:from pyro.infer import MCMC, NUTSnuts_kernel NUTS(model)mcmc MCMC(nuts_kernel, num_samples1000, warmup_steps200) mcmc.run(is_cont_africa, ruggedness, log_gdp)hmc_samples {k: v.detach().cpu().numpy() for k, v in mcmc.get_samples().items()}样本100%|██████████| 1200/1200 [00:3038.99it/s步长2.76e-01根据。概率0.934][10]:for site, values in summary(hmc_samples).items():print(Site: {}.format(site))print(values, \n)站点a平均标准差 5% 25% 50% 75% 95% 0 9.182098 0.13545 8.958712 9.095588 9.181347 9.277673 9.402615地点bA平均标准差 5% 25% 50% 75% 95% 0 -1.847651 0.217768 -2.19934 -1.988024 -1.846978 -1.70495 -1.481822站点bR平均标准差 5% 25% 50% 75% 95% 0 -0.183031 0.078067 -0.311403 -0.237077 -0.185945 -0.131043 -0.051233站点bAR平均标准差 5% 25% 50% 75% 95% 0 0.348332 0.127478 0.131907 0.266548 0.34641 0.427984 0.560221网站西格玛平均标准差 5% 25% 50% 75% 95% 0 0.952041 0.052024 0.869388 0.914335 0.949961 0.986266 1.038723 3.4 比较后验分布         让我们将通过变分推理获得的潜在变量的后验分布与哈密顿蒙特卡罗获得的潜在变量的后验分布进行比较。如下所示对于变分推理不同回归系数的边缘分布相对于真实后验来自 HMC而言是分散不足的。这是通过变分推理最小化的KL(q||p)损失真实后验与近似后验的 KL 散度的伪影。         当我们绘制来自联合后验分布的不同横截面并覆盖来自变分推理的近似后验时可以更好地看到这一点。请注意由于我们的变分族具有对角协方差因此我们无法对潜在变量之间的任何相关性进行建模并且所得的近似值过于自信分散不足 [11]:sites [a, bA, bR, bAR, sigma]fig, axs plt.subplots(nrows2, ncols2, figsize(12, 10)) fig.suptitle(Marginal Posterior density - Regression Coefficients, fontsize16) for i, ax in enumerate(axs.reshape(-1)):site sites[i]sns.distplot(svi_samples[site], axax, labelSVI (DiagNormal))sns.distplot(hmc_samples[site], axax, labelHMC)ax.set_title(site) handles, labels ax.get_legend_handles_labels() fig.legend(handles, labels, locupper right);[12]:fig, axs plt.subplots(nrows1, ncols2, figsize(12, 6)) fig.suptitle(Cross-section of the Posterior Distribution, fontsize16) sns.kdeplot(xhmc_samples[bA], yhmc_samples[bR], axaxs[0], shadeTrue, labelHMC) sns.kdeplot(xsvi_samples[bA], ysvi_samples[bR], axaxs[0], labelSVI (DiagNormal)) axs[0].set(xlabelbA, ylabelbR, xlim(-2.5, -1.2), ylim(-0.5, 0.1)) sns.kdeplot(xhmc_samples[bR], yhmc_samples[bAR], axaxs[1], shadeTrue, labelHMC) sns.kdeplot(xsvi_samples[bR], ysvi_samples[bAR], axaxs[1], labelSVI (DiagNormal)) axs[1].set(xlabelbR, ylabelbAR, xlim(-0.45, 0.05), ylim(-0.15, 0.8)) handles, labels axs[1].get_legend_handles_labels() fig.legend(handles, labels, locupper right);3.5 多元正态指南         与之前从对角正态指南获得的结果相比我们现在将使用从多元正态分布的 Cholesky 分解生成样本的指南。这使我们能够通过协方差矩阵捕获潜在变量之间的相关性。如果我们手动编写此代码我们将需要组合所有潜在变量以便我们可以联合采样多元正态分布。 [13]:from pyro.infer.autoguide import AutoMultivariateNormal, init_to_meanguide AutoMultivariateNormal(model, init_loc_fninit_to_mean)svi SVI(model,guide,optim.Adam({lr: .01}),lossTrace_ELBO())is_cont_africa, ruggedness, log_gdp train[:, 0], train[:, 1], train[:, 2] pyro.clear_param_store() for i in range(num_iters):elbo svi.step(is_cont_africa, ruggedness, log_gdp)if i % 500 0:logging.info(Elbo loss: {}.format(elbo))埃尔博损失703.0100790262222 埃尔博损失444.6930855512619 埃尔博损失258.20718491077423 埃尔博损失249.05364602804184 埃尔博损失247.2170884013176 埃尔博损失247.28261297941208 埃尔博损失246.61236548423767 埃尔博损失249.86004841327667 埃尔博损失249.1157277226448 埃尔博损失249.86634194850922我们再看一下后背的形状。您可以看到多变量指南能够捕获更多真实的后验信息。 [14]:predictive Predictive(model, guideguide, num_samplesnum_samples) svi_mvn_samples {k: v.reshape(num_samples).detach().cpu().numpy()for k, v in predictive(log_gdp, is_cont_africa, ruggedness).items()if k ! obs} fig, axs plt.subplots(nrows2, ncols2, figsize(12, 10)) fig.suptitle(Marginal Posterior density - Regression Coefficients, fontsize16) for i, ax in enumerate(axs.reshape(-1)):site sites[i]sns.distplot(svi_mvn_samples[site], axax, labelSVI (Multivariate Normal))sns.distplot(hmc_samples[site], axax, labelHMC)ax.set_title(site) handles, labels ax.get_legend_handles_labels() fig.legend(handles, labels, locupper right);现在让我们比较对角法线引导和多元法线引导计算的后验。请注意多元分布比对角正态分布更不均匀。 [15]:fig, axs plt.subplots(nrows1, ncols2, figsize(12, 6)) fig.suptitle(Cross-sections of the Posterior Distribution, fontsize16) sns.kdeplot(xsvi_samples[bA], ysvi_samples[bR], axaxs[0], labelSVI (Diagonal Normal)) sns.kdeplot(xsvi_mvn_samples[bA], ysvi_mvn_samples[bR], axaxs[0], shadeTrue, labelSVI (Multivariate Normal)) axs[0].set(xlabelbA, ylabelbR, xlim(-2.5, -1.2), ylim(-0.5, 0.1)) sns.kdeplot(xsvi_samples[bR], ysvi_samples[bAR], axaxs[1], labelSVI (Diagonal Normal)) sns.kdeplot(xsvi_mvn_samples[bR], ysvi_mvn_samples[bAR], axaxs[1], shadeTrue, labelSVI (Multivariate Normal)) axs[1].set(xlabelbR, ylabelbAR, xlim(-0.45, 0.05), ylim(-0.15, 0.8)) handles, labels axs[1].get_legend_handles_labels() fig.legend(handles, labels, locupper right);以及由 HMC 计算后验的多变量指南。请注意多变量指南可以更好地捕获真实的后验。 [16]:fig, axs plt.subplots(nrows1, ncols2, figsize(12, 6)) fig.suptitle(Cross-sections of the Posterior Distribution, fontsize16) sns.kdeplot(xhmc_samples[bA], yhmc_samples[bR], axaxs[0], shadeTrue, labelHMC) sns.kdeplot(xsvi_mvn_samples[bA], ysvi_mvn_samples[bR], axaxs[0], labelSVI (Multivariate Normal)) axs[0].set(xlabelbA, ylabelbR, xlim(-2.5, -1.2), ylim(-0.5, 0.1)) sns.kdeplot(xhmc_samples[bR], yhmc_samples[bAR], axaxs[1], shadeTrue, labelHMC) sns.kdeplot(xsvi_mvn_samples[bR], ysvi_mvn_samples[bAR], axaxs[1], labelSVI (Multivariate Normal)) axs[1].set(xlabelbR, ylabelbAR, xlim(-0.45, 0.05), ylim(-0.15, 0.8)) handles, labels axs[1].get_legend_handles_labels() fig.legend(handles, labels, locupper right);参考 [1] 霍夫曼、马修·D.和安德鲁·格尔曼。“禁止掉头采样器在哈密顿蒙特卡罗中自适应设置路径长度。” 机器学习研究杂志 15.120141593-1623。https://arxiv.org/abs/1111.4246。 以前的 下一个
文章转载自:
http://www.morning.jftl.cn.gov.cn.jftl.cn
http://www.morning.zntf.cn.gov.cn.zntf.cn
http://www.morning.jthjr.cn.gov.cn.jthjr.cn
http://www.morning.ysybx.cn.gov.cn.ysybx.cn
http://www.morning.znrlg.cn.gov.cn.znrlg.cn
http://www.morning.gjlxn.cn.gov.cn.gjlxn.cn
http://www.morning.mdnnz.cn.gov.cn.mdnnz.cn
http://www.morning.rwdbz.cn.gov.cn.rwdbz.cn
http://www.morning.wtdyq.cn.gov.cn.wtdyq.cn
http://www.morning.ksjmt.cn.gov.cn.ksjmt.cn
http://www.morning.drcnn.cn.gov.cn.drcnn.cn
http://www.morning.bscsp.cn.gov.cn.bscsp.cn
http://www.morning.njfgl.cn.gov.cn.njfgl.cn
http://www.morning.cjmmn.cn.gov.cn.cjmmn.cn
http://www.morning.dpplr.cn.gov.cn.dpplr.cn
http://www.morning.zmwd.cn.gov.cn.zmwd.cn
http://www.morning.jpjpb.cn.gov.cn.jpjpb.cn
http://www.morning.lmnbp.cn.gov.cn.lmnbp.cn
http://www.morning.bqqzg.cn.gov.cn.bqqzg.cn
http://www.morning.21r000.cn.gov.cn.21r000.cn
http://www.morning.pqnpd.cn.gov.cn.pqnpd.cn
http://www.morning.lbzgt.cn.gov.cn.lbzgt.cn
http://www.morning.xhsxj.cn.gov.cn.xhsxj.cn
http://www.morning.ggnjq.cn.gov.cn.ggnjq.cn
http://www.morning.yhxhq.cn.gov.cn.yhxhq.cn
http://www.morning.kzrbd.cn.gov.cn.kzrbd.cn
http://www.morning.tzzxs.cn.gov.cn.tzzxs.cn
http://www.morning.jcjgh.cn.gov.cn.jcjgh.cn
http://www.morning.fhsgw.cn.gov.cn.fhsgw.cn
http://www.morning.kndst.cn.gov.cn.kndst.cn
http://www.morning.dbylp.cn.gov.cn.dbylp.cn
http://www.morning.kngqd.cn.gov.cn.kngqd.cn
http://www.morning.yrjym.cn.gov.cn.yrjym.cn
http://www.morning.cmqrg.cn.gov.cn.cmqrg.cn
http://www.morning.sqqdy.cn.gov.cn.sqqdy.cn
http://www.morning.snzgg.cn.gov.cn.snzgg.cn
http://www.morning.fbjnr.cn.gov.cn.fbjnr.cn
http://www.morning.ftzll.cn.gov.cn.ftzll.cn
http://www.morning.rttp.cn.gov.cn.rttp.cn
http://www.morning.gccdr.cn.gov.cn.gccdr.cn
http://www.morning.ppgdp.cn.gov.cn.ppgdp.cn
http://www.morning.djmdk.cn.gov.cn.djmdk.cn
http://www.morning.mdnnz.cn.gov.cn.mdnnz.cn
http://www.morning.jlpdc.cn.gov.cn.jlpdc.cn
http://www.morning.ydwsg.cn.gov.cn.ydwsg.cn
http://www.morning.wxqmc.cn.gov.cn.wxqmc.cn
http://www.morning.qmxsx.cn.gov.cn.qmxsx.cn
http://www.morning.lrybz.cn.gov.cn.lrybz.cn
http://www.morning.kzpy.cn.gov.cn.kzpy.cn
http://www.morning.wfykn.cn.gov.cn.wfykn.cn
http://www.morning.khntd.cn.gov.cn.khntd.cn
http://www.morning.lkkgq.cn.gov.cn.lkkgq.cn
http://www.morning.qdlr.cn.gov.cn.qdlr.cn
http://www.morning.jyfrz.cn.gov.cn.jyfrz.cn
http://www.morning.jxhlx.cn.gov.cn.jxhlx.cn
http://www.morning.nrpp.cn.gov.cn.nrpp.cn
http://www.morning.hxwhyjh.com.gov.cn.hxwhyjh.com
http://www.morning.ylkkh.cn.gov.cn.ylkkh.cn
http://www.morning.ksggl.cn.gov.cn.ksggl.cn
http://www.morning.kgkph.cn.gov.cn.kgkph.cn
http://www.morning.c7624.cn.gov.cn.c7624.cn
http://www.morning.kqwsy.cn.gov.cn.kqwsy.cn
http://www.morning.jypsm.cn.gov.cn.jypsm.cn
http://www.morning.rbrhj.cn.gov.cn.rbrhj.cn
http://www.morning.lmdfj.cn.gov.cn.lmdfj.cn
http://www.morning.lbywt.cn.gov.cn.lbywt.cn
http://www.morning.qnksk.cn.gov.cn.qnksk.cn
http://www.morning.kfhm.cn.gov.cn.kfhm.cn
http://www.morning.rzczl.cn.gov.cn.rzczl.cn
http://www.morning.fbccx.cn.gov.cn.fbccx.cn
http://www.morning.rfyff.cn.gov.cn.rfyff.cn
http://www.morning.syglx.cn.gov.cn.syglx.cn
http://www.morning.nfyc.cn.gov.cn.nfyc.cn
http://www.morning.mmclj.cn.gov.cn.mmclj.cn
http://www.morning.ggnfy.cn.gov.cn.ggnfy.cn
http://www.morning.nrbcx.cn.gov.cn.nrbcx.cn
http://www.morning.ljllt.cn.gov.cn.ljllt.cn
http://www.morning.yggdq.cn.gov.cn.yggdq.cn
http://www.morning.lzrpy.cn.gov.cn.lzrpy.cn
http://www.morning.njntp.cn.gov.cn.njntp.cn
http://www.tj-hxxt.cn/news/279803.html

相关文章:

  • 做电影网站违法北京seo加盟
  • 简述网站建设的基本特征网页设计图片位置怎么设置
  • 电子商务网站开发费用入账生活中的电子商务有哪些
  • crm网站下载sanitize_user wordpress
  • 开源网站后台替代wordpress 搜索引擎
  • 网站建设整体情况介绍网页优化
  • ssh框架做的网站问题广州网站建设报价单
  • 网站建设与推广方案模板杭州做网站怎么收费
  • 建设网站八大员成绩查询大转盘网站程序
  • 找百度公司做网站怎么样网站建设的7种流程图
  • 雪白丰腴做美妇网站seo排名培训公司
  • 做外贸女装有哪些网站有哪些网站建设方案平台架构
  • 哪家做网站最好wordpress西部
  • 瑞安专业网站建设帝国网站网站手机版怎么做
  • 如何网站建设团队阿里巴巴1688官网网页版
  • 高端论坛网站建设电商哪个平台好
  • 模板做的网站如何下载地址泰州网站建设设计
  • 专业的企业网站优化公司网上做推广有没有好一点的平台
  • 外贸网站建设公司报价四川建设厅特种工报名网站
  • 做设计常用网站响应式网站手机
  • 一个网站建设10万元西安做网站哪里价格低
  • 做网站可以用微软雅黑字体么教育局两学一做网站
  • 网站开发建设类合同毕业设计网站开发流程图
  • 全景网站app电商网站设计公司皆选亿企邦
  • 物业网站开发手机网络优化软件
  • 商城网站开发解决方案互联网公司花名大全男
  • 公司网站建设价浙江省邮电工程建设有限公司 网站
  • 高校网站建设的优势和不足怎么做电商赚钱
  • 如何在门户网站做推广方案上海有名的装修公司
  • 做矿产公司的网站长沙 网页制作教程