Exemplo n.º 1
0
 def train_actor(self, s, visual_s, a, old_log_prob, advantage):
     with tf.device(self.device):
         with tf.GradientTape() as tape:
             if self.is_continuous:
                 mu = self.actor_net(s, visual_s)
                 new_log_prob = gaussian_likelihood_sum(mu, a, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.actor_net(s, visual_s)
                 logp_all = tf.nn.log_softmax(logits)
                 new_log_prob = tf.reduce_sum(a * logp_all,
                                              axis=1,
                                              keepdims=True)
                 entropy = -tf.reduce_mean(
                     tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                   axis=1,
                                   keepdims=True))
             ratio = tf.exp(new_log_prob - old_log_prob)
             kl = tf.reduce_mean(old_log_prob - new_log_prob)
             surrogate = ratio * advantage
             min_adv = tf.where(advantage > 0,
                                (1 + self.epsilon) * advantage,
                                (1 - self.epsilon) * advantage)
             actor_loss = -(tf.reduce_mean(tf.minimum(surrogate, min_adv)) +
                            self.beta * entropy)
         if self.is_continuous:
             actor_grads = tape.gradient(actor_loss, self.actor_net.tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_net.tv))
         else:
             actor_grads = tape.gradient(actor_loss, self.actor_net.tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_net.tv))
         return actor_loss, entropy, kl
Exemplo n.º 2
0
 def train(self, s, visual_s, a, dc_r):
     s, visual_s, a, dc_r = self.cast(s, visual_s, a, dc_r)
     with tf.device(self.device):
         with tf.GradientTape() as tape:
             if self.is_continuous:
                 mu = self.net(s, visual_s)
                 log_act_prob = gaussian_likelihood_sum(mu, a, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.net(s, visual_s)
                 logp_all = tf.nn.log_softmax(logits)
                 log_act_prob = tf.reduce_sum(tf.multiply(logp_all, a),
                                              axis=1,
                                              keepdims=True)
                 entropy = -tf.reduce_mean(
                     tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                   axis=1,
                                   keepdims=True))
             loss = tf.reduce_mean(log_act_prob * dc_r)
         if self.is_continuous:
             loss_grads = tape.gradient(
                 loss, self.net.trainable_variables + [self.log_std])
             self.optimizer.apply_gradients(
                 zip(loss_grads,
                     self.net.trainable_variables + [self.log_std]))
         else:
             loss_grads = tape.gradient(loss, self.net.trainable_variables)
             self.optimizer.apply_gradients(
                 zip(loss_grads, self.net.trainable_variables))
         self.global_step.assign_add(1)
         return loss, entropy
Exemplo n.º 3
0
 def train_share(self, s, visual_s, a, dc_r, old_log_prob, advantage):
     with tf.device(self.device):
         with tf.GradientTape() as tape:
             if self.is_continuous:
                 mu, value = self.net(s, visual_s)
                 new_log_prob = gaussian_likelihood_sum(mu, a, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits, value = self.net(s, visual_s)
                 logp_all = tf.nn.log_softmax(logits)
                 new_log_prob = tf.reduce_sum(a * logp_all,
                                              axis=1,
                                              keepdims=True)
                 entropy = -tf.reduce_mean(
                     tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                   axis=1,
                                   keepdims=True))
             ratio = tf.exp(new_log_prob - old_log_prob)
             kl = tf.reduce_mean(old_log_prob - new_log_prob)
             surrogate = ratio * advantage
             td_error = dc_r - value
             actor_loss = tf.reduce_mean(
                 tf.minimum(
                     surrogate,
                     tf.clip_by_value(ratio, 1.0 - self.epsilon,
                                      1.0 + self.epsilon) * advantage))
             value_loss = tf.reduce_mean(tf.square(td_error))
             loss = -(actor_loss - 1.0 * value_loss + self.beta * entropy)
         if self.is_continuous:
             loss_grads = tape.gradient(loss, self.net.tv)
             self.optimizer.apply_gradients(zip(loss_grads, self.net.tv))
         else:
             loss_grads = tape.gradient(loss, self.net.tv)
             self.optimizer.apply_gradients(zip(loss_grads, self.net.tv))
         return actor_loss, value_loss, entropy, kl
Exemplo n.º 4
0
 def train_actor(self, memories, cell_state):
     s, visual_s, a, old_log_prob, advantage = memories
     with tf.device(self.device):
         feat = self.get_feature(s, visual_s, cell_state=cell_state)
         with tf.GradientTape() as tape:
             if self.is_continuous:
                 mu = self.actor_net(feat)
                 new_log_prob = gaussian_likelihood_sum(a, mu, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.actor_net(feat)
                 logp_all = tf.nn.log_softmax(logits)
                 new_log_prob = tf.reduce_sum(a * logp_all,
                                              axis=1,
                                              keepdims=True)
                 entropy = -tf.reduce_mean(
                     tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                   axis=1,
                                   keepdims=True))
             ratio = tf.exp(new_log_prob - old_log_prob)
             actor_loss = -tf.reduce_mean(ratio * advantage)
         actor_grads = tape.gradient(actor_loss, self.actor_tv)
         gradients = flat_concat(actor_grads)
         self.global_step.assign_add(1)
         return actor_loss, entropy, gradients
Exemplo n.º 5
0
 def _get_action(self, s, visual_s, cell_state, options):
     with tf.device(self.device):
         feat, cell_state = self.get_feature(s,
                                             visual_s,
                                             cell_state=cell_state,
                                             record_cs=True,
                                             train=False)
         q, pi, beta = self.net(feat)  # [B, P], [B, P, A], [B, P], [B, P]
         options_onehot = tf.one_hot(options,
                                     self.options_num,
                                     dtype=tf.float32)  # [B, P]
         options_onehot_expanded = tf.expand_dims(options_onehot,
                                                  axis=-1)  # [B, P, 1]
         pi = tf.reduce_sum(pi * options_onehot_expanded, axis=1)  # [B, A]
         if self.is_continuous:
             log_std = tf.gather(self.log_std, options)
             mu = pi
             sample_op, _ = gaussian_clip_rsample(mu, log_std)
             log_prob = gaussian_likelihood_sum(sample_op, mu, log_std)
         else:
             logits = pi
             norm_dist = tfp.distributions.Categorical(logits)
             sample_op = norm_dist.sample()
             log_prob = norm_dist.log_prob(sample_op)
         q_o = tf.reduce_sum(q * options_onehot, axis=-1)  # [B, ]
         beta_adv = q_o - ((1 - self.eps) * tf.reduce_max(q, axis=-1) +
                           self.eps * tf.reduce_mean(q, axis=-1))  # [B, ]
         max_options = tf.cast(tf.argmax(q, axis=-1),
                               dtype=tf.int32)  # [B, P] => [B, ]
         beta_probs = tf.reduce_sum(beta * options_onehot,
                                    axis=1)  # [B, P] => [B,]
         beta_dist = tfp.distributions.Bernoulli(probs=beta_probs)
         new_options = tf.where(beta_dist.sample() < 1, options,
                                max_options)  # <1 则不改变op, =1 则改变op
     return sample_op, q_o, log_prob, beta_adv, new_options, max_options, cell_state
Exemplo n.º 6
0
 def train_persistent(self, s, visual_s, a, dc_r):
     with tf.device(self.device):
         with tf.GradientTape(persistent=True) as tape:
             if self.is_continuous:
                 mu = self.actor_net(s, visual_s)
                 log_act_prob = gaussian_likelihood_sum(mu, a, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.actor_net(s, visual_s)
                 logp_all = tf.nn.log_softmax(logits)
                 log_act_prob = tf.reduce_sum(a * logp_all, axis=1, keepdims=True)
                 entropy = -tf.reduce_mean(tf.reduce_sum(tf.exp(logp_all) * logp_all, axis=1, keepdims=True))
             v = self.critic_net(s, visual_s)
             advantage = tf.stop_gradient(dc_r - v)
             td_error = dc_r - v
             critic_loss = tf.reduce_mean(tf.square(td_error))
             actor_loss = -(tf.reduce_mean(log_act_prob * advantage) + self.beta * entropy)
         critic_grads = tape.gradient(critic_loss, self.critic_net.tv)
         self.optimizer_critic.apply_gradients(
             zip(critic_grads, self.critic_net.tv)
         )
         if self.is_continuous:
             actor_grads = tape.gradient(actor_loss, self.actor_net.tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_net.tv)
             )
         else:
             actor_grads = tape.gradient(actor_loss, self.actor_net.tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_net.tv)
             )
         return actor_loss, critic_loss, entropy
Exemplo n.º 7
0
    def train_actor(self, memories, kl_coef, cell_state):
        s, visual_s, a, old_log_prob, advantage = memories
        with tf.device(self.device):
            feat = self.get_feature(s, visual_s, cell_state=cell_state)
            with tf.GradientTape() as tape:
                if self.is_continuous:
                    mu = self.actor_net(feat)
                    new_log_prob = gaussian_likelihood_sum(a, mu, self.log_std)
                    entropy = gaussian_entropy(self.log_std)
                else:
                    logits = self.actor_net(feat)
                    logp_all = tf.nn.log_softmax(logits)
                    new_log_prob = tf.reduce_sum(a * logp_all, axis=1, keepdims=True)
                    entropy = -tf.reduce_mean(tf.reduce_sum(tf.exp(logp_all) * logp_all, axis=1, keepdims=True))
                ratio = tf.exp(new_log_prob - old_log_prob)
                kl = tf.reduce_mean(old_log_prob - new_log_prob)
                surrogate = ratio * advantage
                min_adv = tf.where(advantage > 0, (1 + self.epsilon) * advantage, (1 - self.epsilon) * advantage)
                pi_loss = -(tf.reduce_mean(tf.minimum(surrogate, min_adv)) + self.beta * entropy)

                kl_loss = kl_coef * kl
                extra_loss = 1000.0 * tf.square(tf.maximum(0., kl - self.kl_cutoff))
                actor_loss = pi_loss + kl_loss + extra_loss

            actor_grads = tape.gradient(actor_loss, self.actor_net_tv)
            self.optimizer_actor.apply_gradients(
                zip(actor_grads, self.actor_net_tv)
            )
            self.global_step.assign_add(1)
            return actor_loss, entropy, kl
Exemplo n.º 8
0
Arquivo: ac.py Projeto: Abluceli/RLs
 def train_persistent(self, s, visual_s, a, r, s_, visual_s_, done,
                      old_log_prob):
     s, visual_s, a, r, s_, visual_s_, done, old_log_prob = self.cast(
         s, visual_s, a, r, s_, visual_s_, done, old_log_prob)
     with tf.device(self.device):
         with tf.GradientTape(persistent=True) as tape:
             if self.is_continuous:
                 next_mu = self.actor_net(s_, visual_s_)
                 max_q_next = tf.stop_gradient(
                     self.critic_net(s_, visual_s_, next_mu))
                 mu, sigma = self.actor_net(s, visual_s)
                 log_prob = gaussian_likelihood_sum(mu, a, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.actor_net(s_, visual_s_)
                 max_a = tf.argmax(logits, axis=1)
                 max_a_one_hot = tf.one_hot(max_a, self.a_counts)
                 max_q_next = tf.stop_gradient(
                     self.critic_net(s_, visual_s_, max_a_one_hot))
                 logits = self.actor_net(s, visual_s)
                 logp_all = tf.nn.log_softmax(logits)
                 log_prob = tf.reduce_sum(tf.multiply(logp_all, a),
                                          axis=1,
                                          keepdims=True)
                 entropy = -tf.reduce_mean(
                     tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                   axis=1,
                                   keepdims=True))
             q = self.critic_net(s, visual_s, a)
             ratio = tf.stop_gradient(tf.exp(log_prob - old_log_prob))
             q_value = tf.stop_gradient(q)
             td_error = q - (r + self.gamma * (1 - done) * max_q_next)
             critic_loss = tf.reduce_mean(tf.square(td_error) * self.IS_w)
             actor_loss = -tf.reduce_mean(ratio * log_prob * q_value)
         critic_grads = tape.gradient(critic_loss, self.critic_net.tv)
         self.optimizer_critic.apply_gradients(
             zip(critic_grads, self.critic_net.tv))
         if self.is_continuous:
             actor_grads = tape.gradient(actor_loss, self.actor_net.tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_net.tv))
         else:
             actor_grads = tape.gradient(actor_loss, self.actor_net.tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_net.tv))
         self.global_step.assign_add(1)
         return td_error, dict([['LOSS/actor_loss', actor_loss],
                                ['LOSS/critic_loss', critic_loss],
                                ['Statistics/q_max',
                                 tf.reduce_max(q)],
                                ['Statistics/q_min',
                                 tf.reduce_min(q)],
                                ['Statistics/q_mean',
                                 tf.reduce_mean(q)],
                                ['Statistics/ratio',
                                 tf.reduce_mean(ratio)],
                                ['Statistics/entropy', entropy]])
Exemplo n.º 9
0
 def _get_log_prob(self, s, visual_s, a):
     s, visual_s, a = self.cast(s, visual_s, a)
     with tf.device(self.device):
         if self.is_continuous:
             mu = self.actor_net(s, visual_s)
             new_log_prob = gaussian_likelihood_sum(mu, a, self.log_std)
         else:
             logits = self.actor_net(s, visual_s)
             logp_all = tf.nn.log_softmax(logits)
             new_log_prob = tf.reduce_sum(a * logp_all, axis=1, keepdims=True)
         return new_log_prob
Exemplo n.º 10
0
    def train_share(self, memories, kl_coef, crsty_loss, cell_state):
        s, visual_s, a, dc_r, old_log_prob, advantage, old_value = memories
        with tf.device(self.device):
            with tf.GradientTape() as tape:
                feat = self.get_feature(s, visual_s, cell_state=cell_state)
                if self.is_continuous:
                    mu, value = self.net(feat)
                    new_log_prob = gaussian_likelihood_sum(a, mu, self.log_std)
                    entropy = gaussian_entropy(self.log_std)
                else:
                    logits, value = self.net(feat)
                    logp_all = tf.nn.log_softmax(logits)
                    new_log_prob = tf.reduce_sum(a * logp_all,
                                                 axis=1,
                                                 keepdims=True)
                    entropy = -tf.reduce_mean(
                        tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                      axis=1,
                                      keepdims=True))
                ratio = tf.exp(new_log_prob - old_log_prob)

                # https://github.com/joschu/modular_rl/blob/6970cde3da265cf2a98537250fea5e0c0d9a7639/modular_rl/ppo.py#L40
                if self.kl_reverse:
                    kl = tf.reduce_mean(new_log_prob - old_log_prob)
                else:
                    kl = tf.reduce_mean(
                        old_log_prob - new_log_prob
                    )  # a sample estimate for KL-divergence, easy to compute
                surrogate = ratio * advantage

                # https://github.com/llSourcell/OpenAI_Five_vs_Dota2_Explained/blob/c5def7e57aa70785c2394ea2eeb3e5f66ad59a53/train.py#L154
                value_clip = old_value + tf.clip_by_value(
                    value - old_value, -self.value_epsilon, self.value_epsilon)
                td_error = dc_r - value
                td_error_clip = dc_r - value_clip
                td_square = tf.maximum(tf.square(td_error),
                                       tf.square(td_error_clip))

                pi_loss = -tf.reduce_mean(
                    tf.minimum(
                        surrogate,
                        tf.clip_by_value(ratio, 1.0 - self.epsilon,
                                         1.0 + self.epsilon) * advantage))
                kl_loss = kl_coef * kl
                extra_loss = 1000.0 * tf.square(
                    tf.maximum(0., kl - self.kl_cutoff))
                actor_loss = pi_loss + kl_loss + extra_loss
                value_loss = 0.5 * tf.reduce_mean(td_square)
                loss = actor_loss + 1.0 * value_loss - self.beta * entropy + crsty_loss
            loss_grads = tape.gradient(loss, self.net_tv)
            self.optimizer.apply_gradients(zip(loss_grads, self.net_tv))
            self.global_step.assign_add(1)
            return actor_loss, value_loss, entropy, kl
Exemplo n.º 11
0
Arquivo: ac.py Projeto: yyht/RLs
 def _get_action(self, s, visual_s, cell_state):
     with tf.device(self.device):
         feat, cell_state = self.get_feature(s, visual_s, cell_state=cell_state, record_cs=True)
         if self.is_continuous:
             mu = self.actor_net(feat)
             sample_op, _ = gaussian_clip_rsample(mu, self.log_std)
             log_prob = gaussian_likelihood_sum(sample_op, mu, self.log_std)
         else:
             logits = self.actor_net(feat)
             norm_dist = tfp.distributions.Categorical(logits)
             sample_op = norm_dist.sample()
             log_prob = norm_dist.log_prob(sample_op)
     return sample_op, log_prob, cell_state
Exemplo n.º 12
0
Arquivo: ac.py Projeto: yyht/RLs
 def train(self, memories, isw, crsty_loss, cell_state):
     ss, vvss, a, r, done, old_log_prob = memories
     with tf.device(self.device):
         with tf.GradientTape() as tape:
             feat, feat_ = self.get_feature(ss, vvss, cell_state=cell_state, s_and_s_=True)
             if self.is_continuous:
                 next_mu = self.actor_net(feat_)
                 max_q_next = tf.stop_gradient(self.critic_net(feat_, next_mu))
             else:
                 logits = self.actor_net(feat_)
                 max_a = tf.argmax(logits, axis=1)
                 max_a_one_hot = tf.one_hot(max_a, self.a_dim, dtype=tf.float32)
                 max_q_next = tf.stop_gradient(self.critic_net(feat_, max_a_one_hot))
             q = self.critic_net(feat, a)
             td_error = q - (r + self.gamma * (1 - done) * max_q_next)
             critic_loss = tf.reduce_mean(tf.square(td_error) * isw) + crsty_loss
         critic_grads = tape.gradient(critic_loss, self.critic_tv)
         self.optimizer_critic.apply_gradients(
             zip(critic_grads, self.critic_tv)
         )
         with tf.GradientTape() as tape:
             if self.is_continuous:
                 mu = self.actor_net(feat)
                 log_prob = gaussian_likelihood_sum(a, mu, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.actor_net(feat)
                 logp_all = tf.nn.log_softmax(logits)
                 log_prob = tf.reduce_sum(tf.multiply(logp_all, a), axis=1, keepdims=True)
                 entropy = -tf.reduce_mean(tf.reduce_sum(tf.exp(logp_all) * logp_all, axis=1, keepdims=True))
             q = self.critic_net(feat, a)
             ratio = tf.stop_gradient(tf.exp(log_prob - old_log_prob))
             q_value = tf.stop_gradient(q)
             actor_loss = -tf.reduce_mean(ratio * log_prob * q_value)
         actor_grads = tape.gradient(actor_loss, self.actor_tv)
         self.optimizer_actor.apply_gradients(
             zip(actor_grads, self.actor_tv)
         )
         self.global_step.assign_add(1)
         return td_error, dict([
             ['LOSS/actor_loss', actor_loss],
             ['LOSS/critic_loss', critic_loss],
             ['Statistics/q_max', tf.reduce_max(q)],
             ['Statistics/q_min', tf.reduce_min(q)],
             ['Statistics/q_mean', tf.reduce_mean(q)],
             ['Statistics/ratio', tf.reduce_mean(ratio)],
             ['Statistics/entropy', entropy]
         ])
Exemplo n.º 13
0
 def train_actor(self, s, visual_s, a, old_log_prob, advantage):
     with tf.device(self.device):
         with tf.GradientTape() as tape:
             if self.is_continuous:
                 mu = self.actor_net(s, visual_s)
                 new_log_prob = gaussian_likelihood_sum(mu, a, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.actor_net(s, visual_s)
                 logp_all = tf.nn.log_softmax(logits)
                 new_log_prob = tf.reduce_sum(a * logp_all, axis=1, keepdims=True)
                 entropy = -tf.reduce_mean(tf.reduce_sum(tf.exp(logp_all) * logp_all, axis=1, keepdims=True))
             ratio = tf.exp(new_log_prob - old_log_prob)
             actor_loss = -tf.reduce_mean(ratio * advantage)
         actor_grads = tape.gradient(actor_loss, self.actor_params)
         gradients = flat_concat(actor_grads)
         return actor_loss, entropy, gradients
Exemplo n.º 14
0
 def train(self, memories, crsty_loss, cell_state):
     s, visual_s, a, dc_r = memories
     with tf.device(self.device):
         with tf.GradientTape() as tape:
             feat = self.get_feature(s, visual_s, cell_state=cell_state)
             if self.is_continuous:
                 mu = self.net(feat)
                 log_act_prob = gaussian_likelihood_sum(a, mu, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.net(feat)
                 logp_all = tf.nn.log_softmax(logits)
                 log_act_prob = tf.reduce_sum(tf.multiply(logp_all, a), axis=1, keepdims=True)
                 entropy = -tf.reduce_mean(tf.reduce_sum(tf.exp(logp_all) * logp_all, axis=1, keepdims=True))
             loss = -tf.reduce_mean(log_act_prob * dc_r) + crsty_loss
         loss_grads = tape.gradient(loss, self.net_tv)
         self.optimizer.apply_gradients(
             zip(loss_grads, self.net_tv)
         )
         self.global_step.assign_add(1)
         return loss, entropy
Exemplo n.º 15
0
 def train(self, memories, crsty_loss, cell_state):
     s, visual_s, a, dc_r = memories
     with tf.device(self.device):
         with tf.GradientTape() as tape:
             feat = self.get_feature(s, visual_s, cell_state=cell_state)
             v = self.critic_net(feat)
             td_error = dc_r - v
             critic_loss = tf.reduce_mean(tf.square(td_error)) + crsty_loss
         critic_grads = tape.gradient(critic_loss, self.critic_tv)
         self.optimizer_critic.apply_gradients(
             zip(critic_grads, self.critic_tv))
         with tf.GradientTape() as tape:
             if self.is_continuous:
                 mu = self.actor_net(feat)
                 log_act_prob = gaussian_likelihood_sum(a, mu, self.log_std)
                 entropy = gaussian_entropy(self.log_std)
             else:
                 logits = self.actor_net(feat)
                 logp_all = tf.nn.log_softmax(logits)
                 log_act_prob = tf.reduce_sum(a * logp_all,
                                              axis=1,
                                              keepdims=True)
                 entropy = -tf.reduce_mean(
                     tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                   axis=1,
                                   keepdims=True))
             v = self.critic_net(feat)
             advantage = tf.stop_gradient(dc_r - v)
             actor_loss = -(tf.reduce_mean(log_act_prob * advantage) +
                            self.beta * entropy)
         if self.is_continuous:
             actor_grads = tape.gradient(actor_loss, self.actor_tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_tv))
         else:
             actor_grads = tape.gradient(actor_loss, self.actor_tv)
             self.optimizer_actor.apply_gradients(
                 zip(actor_grads, self.actor_tv))
         self.global_step.assign_add(1)
         return actor_loss, critic_loss, entropy
Exemplo n.º 16
0
    def train(self, memories, isw, crsty_loss, cell_state):
        ss, vvss, a, r, done, last_options, options = memories
        last_options = tf.cast(last_options, tf.int32)
        options = tf.cast(options, tf.int32)
        with tf.device(self.device):
            with tf.GradientTape(persistent=True) as tape:
                feat, feat_ = self.get_feature(ss,
                                               vvss,
                                               cell_state=cell_state,
                                               s_and_s_=True)
                q = self.q_net(feat)  # [B, P]
                pi = self.intra_option_net(feat)  # [B, P, A]
                beta = self.termination_net(feat)  # [B, P]
                q_next = self.q_target_net(feat_)  # [B, P], [B, P, A], [B, P]
                beta_next = self.termination_net(feat_)  # [B, P]
                options_onehot = tf.one_hot(options,
                                            self.options_num,
                                            dtype=tf.float32)  # [B,] => [B, P]

                q_s = qu_eval = tf.reduce_sum(q * options_onehot,
                                              axis=-1,
                                              keepdims=True)  # [B, 1]
                beta_s_ = tf.reduce_sum(beta_next * options_onehot,
                                        axis=-1,
                                        keepdims=True)  # [B, 1]
                q_s_ = tf.reduce_sum(q_next * options_onehot,
                                     axis=-1,
                                     keepdims=True)  # [B, 1]
                # https://github.com/jeanharb/option_critic/blob/5d6c81a650a8f452bc8ad3250f1f211d317fde8c/neural_net.py#L94
                if self.double_q:
                    q_ = self.q_net(feat)  # [B, P], [B, P, A], [B, P]
                    max_a_idx = tf.one_hot(
                        tf.argmax(q_, axis=-1),
                        self.options_num,
                        dtype=tf.float32)  # [B, P] => [B, ] => [B, P]
                    q_s_max = tf.reduce_sum(q_next * max_a_idx,
                                            axis=-1,
                                            keepdims=True)  # [B, 1]
                else:
                    q_s_max = tf.reduce_max(q_next, axis=-1,
                                            keepdims=True)  # [B, 1]
                u_target = (1 - beta_s_) * q_s_ + beta_s_ * q_s_max  # [B, 1]
                qu_target = tf.stop_gradient(r + self.gamma *
                                             (1 - done) * u_target)
                td_error = qu_target - qu_eval  # gradient : q
                q_loss = tf.reduce_mean(
                    tf.square(td_error) * isw) + crsty_loss  # [B, 1] => 1

                # https://github.com/jeanharb/option_critic/blob/5d6c81a650a8f452bc8ad3250f1f211d317fde8c/neural_net.py#L130
                if self.use_baseline:
                    adv = tf.stop_gradient(qu_target - qu_eval)
                else:
                    adv = tf.stop_gradient(qu_target)
                options_onehot_expanded = tf.expand_dims(
                    options_onehot, axis=-1)  # [B, P] => [B, P, 1]
                pi = tf.reduce_sum(pi * options_onehot_expanded,
                                   axis=1)  # [B, P, A] => [B, A]
                if self.is_continuous:
                    log_std = tf.gather(self.log_std, options)
                    mu = tf.math.tanh(pi)
                    log_p = gaussian_likelihood_sum(a, mu, log_std)
                    entropy = gaussian_entropy(log_std)
                else:
                    pi = pi / self.boltzmann_temperature
                    log_pi = tf.nn.log_softmax(pi, axis=-1)  # [B, A]
                    entropy = -tf.reduce_sum(tf.exp(log_pi) * log_pi,
                                             axis=1,
                                             keepdims=True)  # [B, 1]
                    log_p = tf.reduce_sum(a * log_pi, axis=-1,
                                          keepdims=True)  # [B, 1]
                pi_loss = tf.reduce_mean(
                    -(log_p * adv + self.ent_coff * entropy)
                )  # [B, 1] * [B, 1] => [B, 1] => 1

                last_options_onehot = tf.one_hot(
                    last_options, self.options_num,
                    dtype=tf.float32)  # [B,] => [B, P]
                beta_s = tf.reduce_sum(beta * last_options_onehot,
                                       axis=-1,
                                       keepdims=True)  # [B, 1]
                if self.use_eps_greedy:
                    v_s = tf.reduce_max(
                        q, axis=-1,
                        keepdims=True) - self.termination_regularizer  # [B, 1]
                else:
                    v_s = (1 - beta_s) * q_s + beta_s * tf.reduce_max(
                        q, axis=-1, keepdims=True)  # [B, 1]
                    # v_s = tf.reduce_mean(q, axis=-1, keepdims=True)   # [B, 1]
                beta_loss = beta_s * tf.stop_gradient(q_s - v_s)  # [B, 1]
                # https://github.com/lweitkamp/option-critic-pytorch/blob/0c57da7686f8903ed2d8dded3fae832ee9defd1a/option_critic.py#L238
                if self.terminal_mask:
                    beta_loss *= (1 - done)
                beta_loss = tf.reduce_mean(beta_loss)  # [B, 1] => 1

            q_grads = tape.gradient(q_loss, self.critic_tv)
            intra_option_grads = tape.gradient(pi_loss, self.actor_tv)
            termination_grads = tape.gradient(
                beta_loss, self.termination_net.trainable_variables)
            self.q_optimizer.apply_gradients(zip(q_grads, self.critic_tv))
            self.intra_option_optimizer.apply_gradients(
                zip(intra_option_grads, self.actor_tv))
            self.termination_optimizer.apply_gradients(
                zip(termination_grads,
                    self.termination_net.trainable_variables))
            self.global_step.assign_add(1)
            return td_error, dict(
                [['LOSS/q_loss', tf.reduce_mean(q_loss)],
                 ['LOSS/pi_loss', tf.reduce_mean(pi_loss)],
                 ['LOSS/beta_loss',
                  tf.reduce_mean(beta_loss)],
                 ['Statistics/q_option_max',
                  tf.reduce_max(q_s)],
                 ['Statistics/q_option_min',
                  tf.reduce_min(q_s)],
                 ['Statistics/q_option_mean',
                  tf.reduce_mean(q_s)]])
Exemplo n.º 17
0
    def train(self, memories, isw, crsty_loss, cell_state):
        ss, vvss, a, r, done, last_options, options = memories
        last_options = tf.cast(last_options, tf.int32)
        options = tf.cast(options, tf.int32)
        with tf.device(self.device):
            with tf.GradientTape(persistent=True) as tape:
                feat, feat_ = self.get_feature(ss,
                                               vvss,
                                               cell_state=cell_state,
                                               s_and_s_=True)
                q = self.q_net(feat)  # [B, P]
                pi = self.intra_option_net(feat)  # [B, P, A]
                beta = self.termination_net(feat)  # [B, P]
                q_next = self.q_target_net(feat_)  # [B, P], [B, P, A], [B, P]
                beta_next = self.termination_net(feat_)  # [B, P]
                interests = self.interest_net(feat)  # [B, P]
                options_onehot = tf.one_hot(options,
                                            self.options_num,
                                            dtype=tf.float32)  # [B,] => [B, P]

                q_s = qu_eval = tf.reduce_sum(q * options_onehot,
                                              axis=-1,
                                              keepdims=True)  # [B, 1]
                beta_s_ = tf.reduce_sum(beta_next * options_onehot,
                                        axis=-1,
                                        keepdims=True)  # [B, 1]
                q_s_ = tf.reduce_sum(q_next * options_onehot,
                                     axis=-1,
                                     keepdims=True)  # [B, 1]
                if self.double_q:
                    q_ = self.q_net(feat)  # [B, P], [B, P, A], [B, P]
                    max_a_idx = tf.one_hot(
                        tf.argmax(q_, axis=-1),
                        self.options_num,
                        dtype=tf.float32)  # [B, P] => [B, ] => [B, P]
                    q_s_max = tf.reduce_sum(q_next * max_a_idx,
                                            axis=-1,
                                            keepdims=True)  # [B, 1]
                else:
                    q_s_max = tf.reduce_max(q_next, axis=-1,
                                            keepdims=True)  # [B, 1]
                u_target = (1 - beta_s_) * q_s_ + beta_s_ * q_s_max  # [B, 1]
                qu_target = tf.stop_gradient(r + self.gamma *
                                             (1 - done) * u_target)
                td_error = qu_target - qu_eval  # gradient : q
                q_loss = tf.reduce_mean(
                    tf.square(td_error) * isw) + crsty_loss  # [B, 1] => 1

                if self.use_baseline:
                    adv = tf.stop_gradient(qu_target - qu_eval)
                else:
                    adv = tf.stop_gradient(qu_target)
                options_onehot_expanded = tf.expand_dims(
                    options_onehot, axis=-1)  # [B, P] => [B, P, 1]
                pi = tf.reduce_sum(pi * options_onehot_expanded,
                                   axis=1)  # [B, P, A] => [B, A]
                if self.is_continuous:
                    log_std = tf.gather(self.log_std, options)
                    mu = tf.math.tanh(pi)
                    log_p = gaussian_likelihood_sum(a, mu, log_std)
                    entropy = gaussian_entropy(log_std)
                else:
                    pi = pi / self.boltzmann_temperature
                    log_pi = tf.nn.log_softmax(pi, axis=-1)  # [B, A]
                    entropy = -tf.reduce_sum(tf.exp(log_pi) * log_pi,
                                             axis=1,
                                             keepdims=True)  # [B, 1]
                    log_p = tf.reduce_sum(a * log_pi, axis=-1,
                                          keepdims=True)  # [B, 1]
                pi_loss = tf.reduce_mean(
                    -(log_p * adv + self.ent_coff * entropy)
                )  # [B, 1] * [B, 1] => [B, 1] => 1

                last_options_onehot = tf.one_hot(
                    last_options, self.options_num,
                    dtype=tf.float32)  # [B,] => [B, P]
                beta_s = tf.reduce_sum(beta * last_options_onehot,
                                       axis=-1,
                                       keepdims=True)  # [B, 1]

                pi_op = tf.nn.softmax(
                    interests *
                    tf.stop_gradient(q))  # [B, P] or tf.nn.softmax(q)
                interest_loss = -tf.reduce_mean(beta_s * tf.reduce_sum(
                    pi_op * options_onehot, axis=-1, keepdims=True) *
                                                q_s)  # [B, 1] => 1

                v_s = tf.reduce_sum(q * pi_op, axis=-1,
                                    keepdims=True)  # [B, P] * [B, P] => [B, 1]
                beta_loss = beta_s * tf.stop_gradient(q_s - v_s)  # [B, 1]
                if self.terminal_mask:
                    beta_loss *= (1 - done)
                beta_loss = tf.reduce_mean(beta_loss)  # [B, 1] => 1

            q_grads = tape.gradient(q_loss, self.critic_tv)
            intra_option_grads = tape.gradient(pi_loss, self.actor_tv)
            termination_grads = tape.gradient(
                beta_loss, self.termination_net.trainable_variables)
            interest_grads = tape.gradient(
                interest_loss, self.interest_net.trainable_variables)
            self.q_optimizer.apply_gradients(zip(q_grads, self.critic_tv))
            self.intra_option_optimizer.apply_gradients(
                zip(intra_option_grads, self.actor_tv))
            self.termination_optimizer.apply_gradients(
                zip(termination_grads,
                    self.termination_net.trainable_variables))
            self.interest_optimizer.apply_gradients(
                zip(interest_grads, self.interest_net.trainable_variables))
            self.global_step.assign_add(1)
            return td_error, dict(
                [['LOSS/q_loss', tf.reduce_mean(q_loss)],
                 ['LOSS/pi_loss', tf.reduce_mean(pi_loss)],
                 ['LOSS/beta_loss',
                  tf.reduce_mean(beta_loss)],
                 ['LOSS/interest_loss',
                  tf.reduce_mean(interest_loss)],
                 ['Statistics/q_option_max',
                  tf.reduce_max(q_s)],
                 ['Statistics/q_option_min',
                  tf.reduce_min(q_s)],
                 ['Statistics/q_option_mean',
                  tf.reduce_mean(q_s)]])
Exemplo n.º 18
0
    def train_share(self, memories, kl_coef, crsty_loss, cell_state):
        s, visual_s, a, dc_r, old_log_prob, advantage, old_value, beta_advantage, last_options, options = memories
        last_options = tf.reshape(tf.cast(last_options, tf.int32),
                                  (-1, ))  # [B, 1] => [B,]
        options = tf.reshape(tf.cast(options, tf.int32), (-1, ))
        with tf.device(self.device):
            with tf.GradientTape() as tape:
                feat = self.get_feature(s, visual_s, cell_state=cell_state)
                q, pi, beta = self.net(
                    feat)  # [B, P], [B, P, A], [B, P], [B, P]

                options_onehot = tf.one_hot(options,
                                            self.options_num,
                                            dtype=tf.float32)  # [B, P]
                options_onehot_expanded = tf.expand_dims(options_onehot,
                                                         axis=-1)  # [B, P, 1]
                last_options_onehot = tf.one_hot(
                    last_options, self.options_num,
                    dtype=tf.float32)  # [B,] => [B, P]

                pi = tf.reduce_sum(pi * options_onehot_expanded,
                                   axis=1)  # [B, P, A] => [B, A]
                value = tf.reduce_sum(q * options_onehot,
                                      axis=1,
                                      keepdims=True)  # [B, 1]

                if self.is_continuous:
                    log_std = tf.gather(self.log_std, options)
                    mu = pi  # [B, A]
                    new_log_prob = gaussian_likelihood_sum(a, mu, log_std)
                    entropy = gaussian_entropy(log_std)
                else:
                    logits = pi  #[B, A]
                    logp_all = tf.nn.log_softmax(logits)
                    new_log_prob = tf.reduce_sum(a * logp_all,
                                                 axis=1,
                                                 keepdims=True)
                    entropy = -tf.reduce_mean(
                        tf.reduce_sum(tf.exp(logp_all) * logp_all,
                                      axis=1,
                                      keepdims=True))
                ratio = tf.exp(new_log_prob - old_log_prob)

                if self.kl_reverse:
                    kl = tf.reduce_mean(new_log_prob - old_log_prob)
                else:
                    kl = tf.reduce_mean(
                        old_log_prob - new_log_prob
                    )  # a sample estimate for KL-divergence, easy to compute
                surrogate = ratio * advantage

                value_clip = old_value + tf.clip_by_value(
                    value - old_value, -self.value_epsilon, self.value_epsilon)
                td_error = dc_r - value
                td_error_clip = dc_r - value_clip
                td_square = tf.maximum(tf.square(td_error),
                                       tf.square(td_error_clip))

                pi_loss = -tf.reduce_mean(
                    tf.minimum(
                        surrogate,
                        tf.clip_by_value(ratio, 1.0 - self.epsilon,
                                         1.0 + self.epsilon) * advantage))
                kl_loss = kl_coef * kl
                extra_loss = 1000.0 * tf.square(
                    tf.maximum(0., kl - self.kl_cutoff))
                pi_loss = pi_loss + kl_loss + extra_loss
                q_loss = 0.5 * tf.reduce_mean(td_square)

                beta_s = tf.reduce_sum(beta * last_options_onehot,
                                       axis=-1,
                                       keepdims=True)  # [B, 1]
                beta_loss = tf.reduce_mean(beta_s * beta_advantage)
                if self.terminal_mask:
                    beta_loss *= (1 - done)

                loss = pi_loss + 1.0 * q_loss + beta_loss - self.pi_beta * entropy + crsty_loss
            loss_grads = tape.gradient(loss, self.net_tv)
            self.optimizer.apply_gradients(zip(loss_grads, self.net_tv))
            self.global_step.assign_add(1)
            return loss, pi_loss, q_loss, beta_loss, entropy, kl