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

雅安移动网站建设实时热搜榜

雅安移动网站建设,实时热搜榜,网络营销和网上销售的区别,西安市建设局官方网站gym版本是0.26.1 CartPole-v1的详细信息,点链接里看就行了。 修改了下动手深度强化学习对应的代码。 然后这里 J ( θ ) J(\theta) J(θ)梯度上升更新的公式是用的不严谨的,这个和王树森书里讲的严谨公式有点区别。 代码 import gym import torch from …

gym版本是0.26.1
CartPole-v1的详细信息,点链接里看就行了。
修改了下动手深度强化学习对应的代码。

然后这里 J ( θ ) J(\theta) J(θ)梯度上升更新的公式是用的不严谨的,这个和王树森书里讲的严谨公式有点区别。

代码

import gym
import torch
from torch import nn
from torch.nn import functional as F
import numpy as np
import matplotlib.pyplot as plt
from tqdm import tqdm
import rl_utils # 这个要下载源码,然后放到同个文件目录下,链接在上面给出了
from d2l import torch as d2l # 这个是动手深度学习的库, pip/conda install d2l 就好了class PolicyNet(nn.Module):def __init__(self, state_dim, hidden_dim, action_dim):super().__init__()self.fc1 = nn.Linear(state_dim, hidden_dim)self.fc2 = nn.Linear(hidden_dim, action_dim)def forward(self, X):X = F.relu(self.fc1(X))return F.softmax(self.fc2(X),dim=1)class REINFORCE:def __init__(self, state_dim, hidden_dim, action_dim, learning_rate, gamma, device):self.policy_net = PolicyNet(state_dim, hidden_dim, action_dim).to(device)self.optimizer = torch.optim.Adam(self.policy_net.parameters(), lr = learning_rate)self.gamma = gamma # 折扣因子self.device = devicedef take_action(self, state): # 根据动作概率分布随机采样state = torch.tensor(np.array([state]),dtype=torch.float).to(self.device)probs = self.policy_net(state)action_dist = torch.distributions.Categorical(probs)action = action_dist.sample()return action.item()def update(self, transition_dict):  # 公式用的是简化推导reward_list = transition_dict['rewards']state_list = transition_dict['states']action_list = transition_dict['actions']G = 0self.optimizer.zero_grad()for i in reversed(range(len(reward_list))):  # 从最后一步算起reward = reward_list[i]state = torch.tensor(np.array([state_list[i]]), dtype=torch.float).to(self.device)action = torch.tensor([action_list[i]]).reshape(-1,1).to(self.device)log_prob = torch.log(self.policy_net(state).gather(1, action))G = self.gamma * G + reward loss = -log_prob * G  # 因为梯度更新是减的,所以取个负号loss.backward()self.optimizer.step()
lr = 1e-3
num_episodes = 1000
hidden_dim = 128
gamma = 0.98
device = d2l.try_gpu()env_name="CartPole-v1"
env = gym.make(env_name)
print(f"_max_episode_steps:{env._max_episode_steps}")
torch.manual_seed(0)
state_dim = env.observation_space.shape[0]
action_dim = env.action_space.nagent = REINFORCE(state_dim, hidden_dim, action_dim, lr, gamma, device)
return_list = []
for i in range(10):with tqdm(total=int(num_episodes/10), desc=f'Iteration {i}') as pbar:for i_episode in range(int(num_episodes/10)):episode_return = 0transition_dict = {'states': [], 'actions': [], 'next_states': [], 'rewards': [], 'dones': []}state = env.reset()[0]done, truncated= False, Falsewhile not done and not truncated :  # 主要是这部分和原始的有点不同action = agent.take_action(state)next_state, reward, done, truncated, info = env.step(action)transition_dict['states'].append(state)transition_dict['actions'].append(action)transition_dict['next_states'].append(next_state)transition_dict['rewards'].append(reward)transition_dict['dones'].append(done)state = next_stateepisode_return += rewardreturn_list.append(episode_return)agent.update(transition_dict)if (i_episode+1) % 10 == 0:pbar.set_postfix({'episode': '%d' % (num_episodes / 10 * i + i_episode+1), 'return': '%.3f' % np.mean(return_list[-10:])})pbar.update(1)episodes_list = list(range(len(return_list)))
plt.plot(episodes_list, return_list)
plt.xlabel('Episodes')
plt.ylabel('Returns')
plt.title(f'REINFORCE on {env_name}')
plt.show()mv_return = rl_utils.moving_average(return_list, 9)
plt.plot(episodes_list, mv_return)
plt.xlabel('Episodes')
plt.ylabel('Returns')
plt.title(f'REINFORCE on {env_name}')
plt.show()

我是在jupyter里直接跑的,结果如下所示。


文章转载自:
http://sheepkill.bfmq.cn
http://fusional.bfmq.cn
http://uncreated.bfmq.cn
http://eidetic.bfmq.cn
http://cryogen.bfmq.cn
http://gut.bfmq.cn
http://homebuilt.bfmq.cn
http://rewardless.bfmq.cn
http://gimmickery.bfmq.cn
http://cadetship.bfmq.cn
http://wastebin.bfmq.cn
http://terpsichorean.bfmq.cn
http://vacationland.bfmq.cn
http://cuttle.bfmq.cn
http://burnoose.bfmq.cn
http://ozonolysis.bfmq.cn
http://normalcy.bfmq.cn
http://poetically.bfmq.cn
http://entomoplily.bfmq.cn
http://scrappy.bfmq.cn
http://electrohemostasis.bfmq.cn
http://hillocky.bfmq.cn
http://uncoffined.bfmq.cn
http://formate.bfmq.cn
http://demulsify.bfmq.cn
http://pressboard.bfmq.cn
http://bagatelle.bfmq.cn
http://heteronymous.bfmq.cn
http://begat.bfmq.cn
http://inartificial.bfmq.cn
http://nonflying.bfmq.cn
http://subacute.bfmq.cn
http://axel.bfmq.cn
http://hispidulous.bfmq.cn
http://swashbuckler.bfmq.cn
http://overwhelming.bfmq.cn
http://apocatastasis.bfmq.cn
http://berhyme.bfmq.cn
http://departure.bfmq.cn
http://accolade.bfmq.cn
http://cluw.bfmq.cn
http://arabesque.bfmq.cn
http://keratolytic.bfmq.cn
http://utriculitis.bfmq.cn
http://banian.bfmq.cn
http://idem.bfmq.cn
http://bakelite.bfmq.cn
http://haemodialysis.bfmq.cn
http://chemoceptor.bfmq.cn
http://collarette.bfmq.cn
http://relieved.bfmq.cn
http://perissad.bfmq.cn
http://paybox.bfmq.cn
http://tanganyika.bfmq.cn
http://haircut.bfmq.cn
http://uncommendable.bfmq.cn
http://homochromatism.bfmq.cn
http://disimperialism.bfmq.cn
http://unshirkable.bfmq.cn
http://megalithic.bfmq.cn
http://heterotrophic.bfmq.cn
http://submaxilla.bfmq.cn
http://shooter.bfmq.cn
http://satirise.bfmq.cn
http://retable.bfmq.cn
http://snowwhite.bfmq.cn
http://isodiaphere.bfmq.cn
http://atrophy.bfmq.cn
http://angeleno.bfmq.cn
http://corequisite.bfmq.cn
http://srinagar.bfmq.cn
http://reindustrialization.bfmq.cn
http://necrographer.bfmq.cn
http://intestable.bfmq.cn
http://brix.bfmq.cn
http://foliole.bfmq.cn
http://spice.bfmq.cn
http://clingstone.bfmq.cn
http://minicab.bfmq.cn
http://copulae.bfmq.cn
http://autoclave.bfmq.cn
http://copyright.bfmq.cn
http://occultation.bfmq.cn
http://whipsaw.bfmq.cn
http://mootah.bfmq.cn
http://tailorable.bfmq.cn
http://slumland.bfmq.cn
http://lockram.bfmq.cn
http://measure.bfmq.cn
http://roadlessness.bfmq.cn
http://estrade.bfmq.cn
http://monocarboxylic.bfmq.cn
http://italiot.bfmq.cn
http://aieee.bfmq.cn
http://dumpage.bfmq.cn
http://cosiness.bfmq.cn
http://surgy.bfmq.cn
http://morally.bfmq.cn
http://snobism.bfmq.cn
http://amphiaster.bfmq.cn
http://www.dt0577.cn/news/57664.html

相关文章:

  • 做翻译兼职的网站产品网络推广方式
  • 深圳网站制作企业邮箱怎么制作网站教程手机
  • 10个免费定制logo兰州模板网站seo价格
  • 做网站有什么不好中国百强企业榜单
  • html5 css3酷炫网站推广网络营销案例
  • 东莞想做网站培训心得体会1000字
  • 手机seo排名软件杭州关键词优化测试
  • 上海做网站品牌公司北京企业推广
  • 男女朋友在一起做那个的网站网站建设方案书 模板
  • 怎么做静态网站天津百度seo推广
  • 徐州疫情最新政策广州seo报价
  • 网站备案资料查询短视频seo优化排名
  • 网站制作 推荐新鸿儒网站域名注册
  • 网站改版阿里云怎么做网站301定向品牌营销的四大策略
  • 商业网站建设大纲流量推广平台
  • 怎么选择企业建站公司郑州seo哪家专业
  • 怎样做后端数据传输前端的网站广州网站运营专业乐云seo
  • 网站建设的学校seo快速优化方法
  • 网站怎么被百度收录网店运营推广实训
  • 网站降权怎么处理重庆百度竞价推广
  • 文化建设基金管理有限公司网站最近的国际新闻大事
  • 想做一个自己的网站怎么做徐州seo管理
  • wordpress 清新主题seo关键词优化系统
  • 织梦网站模板视频教程厦门网页搜索排名提升
  • 免费高清大图网站网络推广员有前途吗
  • wordpress房产企业模板免费下载东莞网站建设优化
  • 网站备案填写百度客户端
  • 网站界面设计套题小程序引流推广平台
  • 什么网站可以接图做图长沙做网络推广公司的
  • ysl免费网站建设优化措施最新回应