Visually Robust Adversarial Imitation Learning from Videos with Contrastive Learning

Vittorio Giammarino
Division of Systems Engineering
Boston University
[email protected] &James Queeney
Mitsubishi Electric Research Laboratories
[email protected] &Ioannis Ch. Paschalidis
Department of Electrical and Computer Engineering
Division of Systems Engineering
Faculty of Computing & Data Sciences
Boston University
[email protected]
Abstract

We propose C-LAIfO, a computationally efficient algorithm designed for imitation learning from videos, even in the presence of visual mismatch between agent and expert domains. We analyze the problem of imitation from expert videos with visual discrepancies, and introduce a solution for robust latent space estimation using contrastive learning and data augmentation. Provided a visually robust latent space, our algorithm performs imitation entirely within this space using off-policy adversarial imitation learning. We conduct a thorough ablation study to justify our design choices and test C-LAIfO on high-dimensional continuous robotic tasks. Additionally, we demonstrate how C-LAIfO can be combined with other reward signals to facilitate learning on a set of challenging hand manipulation tasks with sparse rewards. Our experiments show improved performance compared to baseline methods, highlighting the effectiveness and versatility of C-LAIfO. To ensure reproducibility, we provide open access to our code.

1 Introduction

In recent years, there has been a significant surge in research on imitation learning from expert videos, commonly referred to as the Visual Imitation from Observations (V-IfO) problem. The approach of mimicking experts from videos holds great promise for the future, as it offers a cost-effective way to teach autonomous agents new skills and behaviors. To achieve this goal, prior research has developed methods capable of concurrently addressing two primary challenges of the V-IfO framework: the partial observability of the decision-making process and the absence of expert actions [1]. Despite these advancements, end-to-end state-of-the-art algorithms still face significant barriers in real-world applications due to the assumption that both the expert and learning agent operate within the same environment [1, 2]. For instance, consider the scenario described in Fig. 1, where expert videos are collected under the conditions in Fig. 1(a) and an autonomous agent is deployed in Fig. 1(b) or Fig. 1(c). Current methods are not designed to handle such variations in lighting and background, leading to failures in these contexts. Our goal, in this paper, is to enhance the imitation capabilities of autonomous agents in the presence of visual mismatches.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Figure 1: Robotic manipulation task. Current end-to-end methods for imitation from expert videos assume that the expert and the agent operate in the same environment. Consequently, they are unable to handle variations in lighting or background.

In this context, our paper introduces a novel end-to-end pipeline for imitation from expert videos with visual mismatch. We begin by analyzing the V-IfO problem with visual mismatch and propose a novel, simple, and computationally efficient algorithm called Contrastive Latent Adversarial Imitation from Observations (C-LAIfO). Notably, C-LAIfO builds upon the recent LAIfO algorithm [1] and achieves visually robust latent state estimation through data augmentation and contrastive learning techniques [3, 4]. We justify each design choice for our algorithm, including the types of data augmentation and contrastive loss, through a comprehensive ablation study. Furthermore, we evaluate the performance of C-LAIfO on the DeepMind Control Suite [5] and compare it against two V-IfO baselines—LAIfO [1] and PatchAIL [2]—as well as DisentanGAIL [6], which serves as a baseline for V-IfO with domain mismatch. Additionally, we show how the reward signal learned from expert data using C-LAIfO can be easily integrated with other signals to enhance efficiency and enable learning in scenarios with sparse rewards. In this context, we extend our algorithm’s evaluation to the Adroit platform for dynamic dexterous manipulation [7]. These additional experiments highlight the versatility of our approach, showcasing its efficacy in handling complex robotic tasks.

2 Related Work

Our work is closely related to the Adversarial Imitation Learning (AIL) framework [8], which has emerged as a promising approach to tackle the Imitation Learning (IL) problem. This framework builds upon a substantial body of research in inverse Reinforcement Learning (RL), where the primary objective is to identify a reward function that enables expert demonstrations (state-action pairs) to be optimal [9, 10, 11, 12, 13, 14]. The derived reward function is then used to train RL agents capable of achieving expert-level performance.

AIL was initially formulated for the fully observable setting with access to expert actions [8, 15] and subsequently extended to observation-only scenarios in follow-up studies [16, 17, 18]. Furthermore, the stability and efficiency of this framework have been further investigated in [19, 20, 21, 22, 23]. In the context of partial observability, AIL has been explored for scenarios involving missing information [24], and in Visual IL where agents learn from video frames as state observations [25]. Relaxing the assumption on the availability of expert actions gives rise to the V-IfO problem, which is the primary focus of our work. State-of-the-art algorithms for the V-IfO setting include PatchAIL [2], which applies AIL directly on the pixel space utilizing a PatchGAN discriminator [26, 27], and LAIfO [1], where AIL operates on a latent representation of the agent state. Notably, these approaches are built on the assumption that both the expert and the learning agent act within the same decision process, which rarely holds true in real-world scenarios.

Our research focuses on the imitation problem from observations in the presence of domain mismatches between the expert and the learning agent. This framework is referred to in the literature under various names, including third-person IL [28], domain-adaptive IL [29], or cross-domain IL [30]. Previous solutions have approached this problem either by decomposing it into sequential stages [31] or using end-to-end methods. Among end-to-end approaches, some have addressed the fully observable setting [29, 32, 30, 33, 34], while others have tackled the visual (partially observable) setting [28, 35, 6, 36].

In the visual setting, [28] and [6] propose methods to extract domain-independent features useful for inferring a domain-independent reward function. The work in [28] learns domain-independent features using an adversarial approach similar to [37], while DisentanGAIL in [6] achieves a similar result by adding a mutual information constraint to the binary cross-entropy loss used for AIL. Similar to our algorithm, these studies formulate fully end-to-end model-free algorithms that avoid costly generative steps during the imitation process. Our approach adopts similar reasoning to [28, 6]; however, we leverage contrastive learning for domain-independent feature extraction and build the entire AIL pipeline (both reward inference and RL step) on this learned feature space, rather than only the reward inference as done in [28, 6]. As shown in our experiments, this leads to significant improvements in performance.

In contrast, other works rely on expensive generative steps to address the mismatch problem. In [35], imitation is performed using expert observation-action pairs through a learned domain-agnostic recurrent state space model [38]. Our algorithm, on the other hand, is model-free and only requires expert observations. In [36], cycle-consistent adversarial networks [27] are used to generate expert videos in the agent’s domain, thus reducing the problem to the standard V-IfO without mismatches. Our approach does not require such a generative step, as it learns a domain-independent feature space directly.

3 Preliminaries

Unless indicated otherwise, we use uppercase letters (e.g., Stsubscript𝑆𝑡S_{t}italic_S start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT) for random variables, lowercase letters (e.g., stsubscript𝑠𝑡s_{t}italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT) for values of random variables, script letters (e.g., 𝒮𝒮\mathcal{S}caligraphic_S) for sets, and bold lowercase letters (e.g., 𝜽𝜽\bm{\theta}bold_italic_θ) for vectors. Let [t1:t2]delimited-[]:subscript𝑡1subscript𝑡2[t_{1}:t_{2}][ italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT : italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT ] be the set of integers t𝑡titalic_t such that t1tt2subscript𝑡1𝑡subscript𝑡2t_{1}\leq t\leq t_{2}italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT ≤ italic_t ≤ italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT; we write Stsubscript𝑆𝑡S_{t}italic_S start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT such that t1tt2subscript𝑡1𝑡subscript𝑡2t_{1}\leq t\leq t_{2}italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT ≤ italic_t ≤ italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT as St1:t2subscript𝑆:subscript𝑡1subscript𝑡2S_{t_{1}:t_{2}}italic_S start_POSTSUBSCRIPT italic_t start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT : italic_t start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT end_POSTSUBSCRIPT. We denote with 𝔼[]𝔼delimited-[]\mathbb{E}[\cdot]blackboard_E [ ⋅ ] expectation, with ()\mathbb{P}(\cdot)blackboard_P ( ⋅ ) probability, and with 𝔻f(,)subscript𝔻𝑓\mathbb{D}_{f}(\cdot,\cdot)blackboard_D start_POSTSUBSCRIPT italic_f end_POSTSUBSCRIPT ( ⋅ , ⋅ ) an f𝑓fitalic_f-divergence between two distributions of which the Jensen-Shannon divergence, 𝔻JS(||)\mathbb{D}_{\text{JS}}(\cdot||\cdot)blackboard_D start_POSTSUBSCRIPT JS end_POSTSUBSCRIPT ( ⋅ | | ⋅ ), is a special case.

Partially Observable Markov Decision Process

We model the decision processes as infinite-horizon discounted Partially Observable Markov Decision Processes (POMDPs) described by the tuple (𝒮,𝒜,𝒳,𝒯,𝒰,,ρ0,γ)𝒮𝒜𝒳𝒯𝒰subscript𝜌0𝛾(\mathcal{S},\mathcal{A},\mathcal{X},\mathcal{T},\mathcal{U},\mathcal{R},\rho_% {0},\gamma)( caligraphic_S , caligraphic_A , caligraphic_X , caligraphic_T , caligraphic_U , caligraphic_R , italic_ρ start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_γ ), where 𝒮𝒮\mathcal{S}caligraphic_S is the set of states, 𝒜𝒜\mathcal{A}caligraphic_A is the set of actions, and 𝒳𝒳\mathcal{X}caligraphic_X is the set of observations. 𝒯:𝒮×𝒜P(𝒮):𝒯𝒮𝒜𝑃𝒮\mathcal{T}:\mathcal{S}\times\mathcal{A}\rightarrow P(\mathcal{S})caligraphic_T : caligraphic_S × caligraphic_A → italic_P ( caligraphic_S ) is the transition probability function where P(𝒮)𝑃𝒮P(\mathcal{S})italic_P ( caligraphic_S ) denotes the space of probability distributions over 𝒮𝒮\mathcal{S}caligraphic_S, 𝒰:𝒮P(𝒳):𝒰𝒮𝑃𝒳\mathcal{U}:\mathcal{S}\rightarrow P(\mathcal{X})caligraphic_U : caligraphic_S → italic_P ( caligraphic_X ) is the observation probability function, and :𝒮×𝒜:𝒮𝒜\mathcal{R}:\mathcal{S}\times\mathcal{A}\rightarrow\mathbb{R}caligraphic_R : caligraphic_S × caligraphic_A → blackboard_R is the reward function which maps state-action pairs to scalar rewards. Finally, ρ0P(𝒮)subscript𝜌0𝑃𝒮\rho_{0}\in P(\mathcal{S})italic_ρ start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT ∈ italic_P ( caligraphic_S ) is the initial state distribution and γ[0,1)𝛾01\gamma\in[0,1)italic_γ ∈ [ 0 , 1 ) the discount factor. The true environment state s𝒮𝑠𝒮s\in\mathcal{S}italic_s ∈ caligraphic_S is unobserved by the agent. Given an action a𝒜𝑎𝒜a\in\mathcal{A}italic_a ∈ caligraphic_A, the next state is sampled such that s𝒯(|s,a)s^{\prime}\sim\mathcal{T}(\cdot|s,a)italic_s start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ∼ caligraphic_T ( ⋅ | italic_s , italic_a ), an observation is generated as x𝒰(|s)x^{\prime}\sim\mathcal{U}(\cdot|s^{\prime})italic_x start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ∼ caligraphic_U ( ⋅ | italic_s start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ), and a reward (s,a)𝑠𝑎\mathcal{R}(s,a)caligraphic_R ( italic_s , italic_a ) is computed. Note that an MDP is a special case of a POMDP where the underlying state s𝑠sitalic_s is directly observed.

Reinforcement learning

Given an MDP and a stationary policy π:𝒮P(𝒜):𝜋𝒮𝑃𝒜\pi:\mathcal{S}\to P(\mathcal{A})italic_π : caligraphic_S → italic_P ( caligraphic_A ), the RL objective is to maximize the expected total discounted return J(π)=𝔼τ[t=0γt(st,at)]𝐽𝜋subscript𝔼𝜏delimited-[]superscriptsubscript𝑡0superscript𝛾𝑡subscript𝑠𝑡subscript𝑎𝑡J(\pi)=\mathbb{E}_{\tau}[\sum_{t=0}^{\infty}\gamma^{t}\mathcal{R}(s_{t},a_{t})]italic_J ( italic_π ) = blackboard_E start_POSTSUBSCRIPT italic_τ end_POSTSUBSCRIPT [ ∑ start_POSTSUBSCRIPT italic_t = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ∞ end_POSTSUPERSCRIPT italic_γ start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT caligraphic_R ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) ] where τ=(s0,a0,s1,a1,)𝜏subscript𝑠0subscript𝑎0subscript𝑠1subscript𝑎1\tau=(s_{0},a_{0},s_{1},a_{1},\dots)italic_τ = ( italic_s start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , … ). A stationary policy π𝜋\piitalic_π induces a normalized discounted state visitation distribution defined as dπ(s)=(1γ)t=0γt(st=s|ρ0,π,𝒯)subscript𝑑𝜋𝑠1𝛾superscriptsubscript𝑡0superscript𝛾𝑡subscript𝑠𝑡conditional𝑠subscript𝜌0𝜋𝒯d_{\pi}(s)=(1-\gamma)\sum_{t=0}^{\infty}\gamma^{t}\mathbb{P}(s_{t}=s|\rho_{0},% \pi,\mathcal{T})italic_d start_POSTSUBSCRIPT italic_π end_POSTSUBSCRIPT ( italic_s ) = ( 1 - italic_γ ) ∑ start_POSTSUBSCRIPT italic_t = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ∞ end_POSTSUPERSCRIPT italic_γ start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_s | italic_ρ start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_π , caligraphic_T ), and we define the corresponding normalized discounted state-action visitation distribution as ρπ(s,a)=dπ(s)π(a|s)subscript𝜌𝜋𝑠𝑎subscript𝑑𝜋𝑠𝜋conditional𝑎𝑠\rho_{\pi}(s,a)=d_{\pi}(s)\pi(a|s)italic_ρ start_POSTSUBSCRIPT italic_π end_POSTSUBSCRIPT ( italic_s , italic_a ) = italic_d start_POSTSUBSCRIPT italic_π end_POSTSUBSCRIPT ( italic_s ) italic_π ( italic_a | italic_s ). Finally, we denote the state value function of π𝜋\piitalic_π as Vπ(s)=𝔼τ[t=0γt(st,at)|S0=s]superscript𝑉𝜋𝑠subscript𝔼𝜏delimited-[]conditionalsuperscriptsubscript𝑡0superscript𝛾𝑡subscript𝑠𝑡subscript𝑎𝑡subscript𝑆0𝑠V^{\pi}(s)=\mathbb{E}_{\tau}[\sum_{t=0}^{\infty}\gamma^{t}\mathcal{R}(s_{t},a_% {t})|S_{0}=s]italic_V start_POSTSUPERSCRIPT italic_π end_POSTSUPERSCRIPT ( italic_s ) = blackboard_E start_POSTSUBSCRIPT italic_τ end_POSTSUBSCRIPT [ ∑ start_POSTSUBSCRIPT italic_t = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ∞ end_POSTSUPERSCRIPT italic_γ start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT caligraphic_R ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) | italic_S start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT = italic_s ] and the state-action value function as Qπ(s,a)=𝔼τ[t=0γt(st,at)|S0=s,A0=a]superscript𝑄𝜋𝑠𝑎subscript𝔼𝜏delimited-[]formulae-sequenceconditionalsuperscriptsubscript𝑡0superscript𝛾𝑡subscript𝑠𝑡subscript𝑎𝑡subscript𝑆0𝑠subscript𝐴0𝑎Q^{\pi}(s,a)=\mathbb{E}_{\tau}[\sum_{t=0}^{\infty}\gamma^{t}\mathcal{R}(s_{t},% a_{t})|S_{0}=s,A_{0}=a]italic_Q start_POSTSUPERSCRIPT italic_π end_POSTSUPERSCRIPT ( italic_s , italic_a ) = blackboard_E start_POSTSUBSCRIPT italic_τ end_POSTSUBSCRIPT [ ∑ start_POSTSUBSCRIPT italic_t = 0 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ∞ end_POSTSUPERSCRIPT italic_γ start_POSTSUPERSCRIPT italic_t end_POSTSUPERSCRIPT caligraphic_R ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) | italic_S start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT = italic_s , italic_A start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT = italic_a ]. When a function is parameterized with parameters 𝜽Θk𝜽Θsuperscript𝑘\bm{\theta}\in\varTheta\subset\mathbb{R}^{k}bold_italic_θ ∈ roman_Θ ⊂ blackboard_R start_POSTSUPERSCRIPT italic_k end_POSTSUPERSCRIPT we write π𝜽subscript𝜋𝜽\pi_{\bm{\theta}}italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT.

Generative adversarial imitation learning

Assume we have a set of expert demonstrations τE=(s0:T,a0:T)subscript𝜏𝐸subscript𝑠:0𝑇subscript𝑎:0𝑇\tau_{E}=(s_{0:T},a_{0:T})italic_τ start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT = ( italic_s start_POSTSUBSCRIPT 0 : italic_T end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT 0 : italic_T end_POSTSUBSCRIPT ) generated by the expert policy πEsubscript𝜋𝐸\pi_{E}italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT, a set of trajectories τ𝜽subscript𝜏𝜽\tau_{\bm{\theta}}italic_τ start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT generated by the policy π𝜽subscript𝜋𝜽\pi_{\bm{\theta}}italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT, and a discriminator network D𝝌:𝒮×𝒜[0,1]:subscript𝐷𝝌𝒮𝒜01D_{\bm{\chi}}:\mathcal{S}\times\mathcal{A}\to[0,1]italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT : caligraphic_S × caligraphic_A → [ 0 , 1 ] parameterized by 𝝌𝝌\bm{\chi}bold_italic_χ. Generative adversarial IL [8] optimizes the min-max objective

min𝜽max𝝌subscript𝜽subscript𝝌\displaystyle\min_{\bm{\theta}}\max_{\bm{\chi}}\ \ roman_min start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT roman_max start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT 𝔼τE[log(D𝝌(s,a))]+𝔼τ𝜽[log(1D𝝌(s,a))].subscript𝔼subscript𝜏𝐸delimited-[]subscript𝐷𝝌𝑠𝑎subscript𝔼subscript𝜏𝜽delimited-[]1subscript𝐷𝝌𝑠𝑎\displaystyle\mathbb{E}_{\tau_{E}}[\log(D_{\bm{\chi}}(s,a))]+\mathbb{E}_{\tau_% {\bm{\theta}}}[\log(1-D_{\bm{\chi}}(s,a))].blackboard_E start_POSTSUBSCRIPT italic_τ start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT end_POSTSUBSCRIPT [ roman_log ( italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_s , italic_a ) ) ] + blackboard_E start_POSTSUBSCRIPT italic_τ start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT end_POSTSUBSCRIPT [ roman_log ( 1 - italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_s , italic_a ) ) ] . (1)

Maximizing (1) with respect to 𝝌𝝌\bm{\chi}bold_italic_χ is effectively an inverse RL step where a reward function, r𝝌(s,a)=log(1D𝝌(s,a))subscript𝑟𝝌𝑠𝑎1subscript𝐷𝝌𝑠𝑎r_{\bm{\chi}}(s,a)=-\log(1-D_{\bm{\chi}}(s,a))italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_s , italic_a ) = - roman_log ( 1 - italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_s , italic_a ) ), is inferred by leveraging τEsubscript𝜏𝐸\tau_{E}italic_τ start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT and τ𝜽subscript𝜏𝜽\tau_{\bm{\theta}}italic_τ start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT. On the other hand, minimizing (1) with respect to 𝜽𝜽\bm{\theta}bold_italic_θ can be interpreted as an RL step, where the agent aims to minimize its expected cost. It has been demonstrated that optimizing the min-max objective in (1) is equivalent to minimizing 𝔻JS(ρπ𝜽(s,a)||ρπE(s,a))\mathbb{D}_{\text{JS}}(\rho_{\pi_{\bm{\theta}}}(s,a)||\rho_{\pi_{E}}(s,a))blackboard_D start_POSTSUBSCRIPT JS end_POSTSUBSCRIPT ( italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_s , italic_a ) | | italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_s , italic_a ) ), so we are recovering the expert state-action visitation distribution [39].

Modeling the visual mismatch in POMDPs

Traditionally, the V-IfO problem assumes that both the expert and the agent operate within the same POMDP. Throughout this paper we relax this assumption and define two different decision processes: namely a target-POMDP for the agent and a source-POMDP for the expert. The target-POMDP is characterized by the tuple (𝒮,𝒜,𝒳,𝒯,𝒰T,,ρ0,γ)𝒮𝒜𝒳𝒯subscript𝒰𝑇subscript𝜌0𝛾(\mathcal{S},\mathcal{A},\mathcal{X},\mathcal{T},\mathcal{U}_{T},\mathcal{R},% \rho_{0},\gamma)( caligraphic_S , caligraphic_A , caligraphic_X , caligraphic_T , caligraphic_U start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT , caligraphic_R , italic_ρ start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_γ ), whereas the source-POMDP is characterized by the tuple (𝒮,𝒜,𝒳,𝒯,𝒰S,,ρ0,γ)𝒮𝒜𝒳𝒯subscript𝒰𝑆subscript𝜌0𝛾(\mathcal{S},\mathcal{A},\mathcal{X},\mathcal{T},\mathcal{U}_{S},\mathcal{R},% \rho_{0},\gamma)( caligraphic_S , caligraphic_A , caligraphic_X , caligraphic_T , caligraphic_U start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT , caligraphic_R , italic_ρ start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_γ ). The primary distinction between these POMDPs lies in their observation probability functions. Despite sharing identical state and action spaces, given the same state stsubscript𝑠𝑡s_{t}italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, the expert’s observation xtS𝒰S(|st)x_{t}^{S}\sim\mathcal{U}_{S}(\cdot|s_{t})italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT ∼ caligraphic_U start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT ( ⋅ | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) from the source-POMDP and the agent’s observation xtT𝒰T(|st)x_{t}^{T}\sim\mathcal{U}_{T}(\cdot|s_{t})italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT ∼ caligraphic_U start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT ( ⋅ | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) from the target-POMDP may be different (i.e., we may have xtSxtTsuperscriptsubscript𝑥𝑡𝑆superscriptsubscript𝑥𝑡𝑇x_{t}^{S}\neq x_{t}^{T}italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT ≠ italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT). We refer to this as visual mismatch.

4 Contrastive Latent Adversarial Imitation from Observations

Considering a target-POMDP and a source-POMDP as introduced in the previous section, we can identify two levels of information in the observation space 𝒳𝒳\mathcal{X}caligraphic_X: (i)𝑖(i)( italic_i ) information related to task completion, and (ii)𝑖𝑖(ii)( italic_i italic_i ) visual distractors that do not contribute to task completion. Thus, we define 𝒳𝒳\mathcal{X}caligraphic_X as 𝒳=(𝒳¯,𝒳^)𝒳¯𝒳^𝒳\mathcal{X}=(\bar{\mathcal{X}},\hat{\mathcal{X}})caligraphic_X = ( over¯ start_ARG caligraphic_X end_ARG , over^ start_ARG caligraphic_X end_ARG ), where 𝒳¯¯𝒳\bar{\mathcal{X}}over¯ start_ARG caligraphic_X end_ARG represents the goal-completion information that is invariant between source-POMDP and target-POMDP; whereas, 𝒳^^𝒳\hat{\mathcal{X}}over^ start_ARG caligraphic_X end_ARG represents the set of visual distractors that do not contribute to goal completion. We express the source and target observations respectively as xtS=(x¯tS,x^tS)superscriptsubscript𝑥𝑡𝑆superscriptsubscript¯𝑥𝑡𝑆superscriptsubscript^𝑥𝑡𝑆x_{t}^{S}=(\bar{x}_{t}^{S},\hat{x}_{t}^{S})italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT = ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT , over^ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT ) and xtT=(x¯tT,x^tT)superscriptsubscript𝑥𝑡𝑇superscriptsubscript¯𝑥𝑡𝑇superscriptsubscript^𝑥𝑡𝑇x_{t}^{T}=(\bar{x}_{t}^{T},\hat{x}_{t}^{T})italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT = ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT , over^ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT ). Our objective is to filter out the visually-distracting information 𝒳^^𝒳\hat{\mathcal{X}}over^ start_ARG caligraphic_X end_ARG from both the source and the target observations while retaining the goal-completion information 𝒳¯¯𝒳\bar{\mathcal{X}}over¯ start_ARG caligraphic_X end_ARG to effectively solve the V-IfO problem. This objective can be achieved by attaining domain invariance in a feature space 𝒵𝒵\mathcal{Z}caligraphic_Z. As a result, our goal becomes to learn 𝒵𝒵\mathcal{Z}caligraphic_Z such that only goal-completion information is retained while the visually-distracting information is discarded (cf. Appendix A for formal analysis).

In the following, we present the main components of our algorithm C-LAIfO, which performs imitation directly in a domain-invariant feature space 𝒵𝒵\mathcal{Z}caligraphic_Z. In order to do so, we learn a domain-invariant encoder ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT that can successfully map xtTsubscriptsuperscript𝑥𝑇absent𝑡x^{T}_{\leq t}italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT and xtSsubscriptsuperscript𝑥𝑆absent𝑡x^{S}_{\leq t}italic_x start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT to ztsubscript𝑧𝑡z_{t}italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT through two main steps. First, we train the encoder ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT alongside the critic networks Q𝝍ksubscript𝑄subscript𝝍𝑘Q_{\bm{\psi}_{k}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT where k={1,2}𝑘12k=\{1,2\}italic_k = { 1 , 2 }. This step is essential for solving the imitation problem and embedding goal-completion information within the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z. We further train ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT to optimize an auxiliary contrastive loss and perform randomized augmentation of the observations, taking into account the type of visual mismatch between the source and the target domains. This step is crucial to efficiently discard visually-distracting information from 𝒵𝒵\mathcal{Z}caligraphic_Z.

Adversarial imitation in latent space

Given a domain-invariant feature space 𝒵𝒵\mathcal{Z}caligraphic_Z, our AIL pipeline is defined as follows. We initialize two replay buffers Esubscript𝐸\mathcal{B}_{E}caligraphic_B start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT and \mathcal{B}caligraphic_B to respectively store the sequences of observations generated by the expert and the agent policies, from which we infer the latent state-transitions (z𝜹,z𝜹)subscript𝑧𝜹superscriptsubscript𝑧𝜹(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ). We write (z𝜹,z𝜹)similar-tosubscript𝑧𝜹superscriptsubscript𝑧𝜹(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})\sim\mathcal{B}( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ∼ caligraphic_B to streamline the notation. Then, given a discriminator D𝝌:𝒵×𝒵[0,1]:subscript𝐷𝝌𝒵𝒵01D_{\bm{\chi}}:\mathcal{Z}\times\mathcal{Z}\to[0,1]italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT : caligraphic_Z × caligraphic_Z → [ 0 , 1 ], we write

max𝝌𝔼(z𝜹,z𝜹)E[log(D𝝌(z𝜹,z𝜹))]+𝔼(z𝜹,z𝜹)[log(1D𝝌(z𝜹,z𝜹))].subscript𝝌subscript𝔼similar-tosubscript𝑧𝜹superscriptsubscript𝑧𝜹subscript𝐸delimited-[]subscript𝐷𝝌subscript𝑧𝜹superscriptsubscript𝑧𝜹subscript𝔼similar-tosubscript𝑧𝜹superscriptsubscript𝑧𝜹delimited-[]1subscript𝐷𝝌subscript𝑧𝜹superscriptsubscript𝑧𝜹\displaystyle\max_{\bm{\chi}}\ \ \mathbb{E}_{(z_{\bm{\delta}},z_{\bm{\delta}}^% {\prime})\sim\mathcal{B}_{E}}[\log(D_{\bm{\chi}}(z_{\bm{\delta}},z_{\bm{\delta% }}^{\prime}))]+\mathbb{E}_{(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})\sim% \mathcal{B}}[\log(1-D_{\bm{\chi}}(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime}))].roman_max start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT blackboard_E start_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ∼ caligraphic_B start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT end_POSTSUBSCRIPT [ roman_log ( italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) ] + blackboard_E start_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ∼ caligraphic_B end_POSTSUBSCRIPT [ roman_log ( 1 - italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) ] . (2)

As mentioned, alternating (2) with an RL step using r𝝌(z𝜹,z𝜹)=log(1D𝝌(z𝜹,z𝜹))subscript𝑟𝝌subscript𝑧𝜹superscriptsubscript𝑧𝜹1subscript𝐷𝝌subscript𝑧𝜹superscriptsubscript𝑧𝜹r_{\bm{\chi}}(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})=-\log(1-D_{\bm{\chi}}(% z_{\bm{\delta}},z_{\bm{\delta}}^{\prime}))italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) = - roman_log ( 1 - italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) leads to the minimization of 𝔻JS(ρπ𝜽(z𝜹,z𝜹)||ρπE(z𝜹,z𝜹))\mathbb{D}_{\text{JS}}\big{(}\rho_{\pi_{\bm{\theta}}}(z_{\bm{\delta}},z_{\bm{% \delta}}^{\prime})||\rho_{\pi_{E}}(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})% \big{)}blackboard_D start_POSTSUBSCRIPT JS end_POSTSUBSCRIPT ( italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) | | italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) [40]. Therefore, we are effectively imitating the expert in the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z. Note that the presented AIL can only succeed if 𝒵𝒵\mathcal{Z}caligraphic_Z is domain-invariant and embeds the relevant goal-completion information necessary to solve the imitation problem. Next, we show how our algorithm C-LAIfO addresses this challenge.

Critic and encoder training step

We define the encoder as ϕ𝜹:𝒳d𝒵:subscriptitalic-ϕ𝜹superscript𝒳𝑑𝒵\phi_{\bm{\delta}}:\mathcal{X}^{d}\to\mathcal{Z}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT : caligraphic_X start_POSTSUPERSCRIPT italic_d end_POSTSUPERSCRIPT → caligraphic_Z, a function mapping sequences of d𝑑d\in\mathbb{N}italic_d ∈ blackboard_N observations to the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z. Specifically, we write z𝜹=ϕ𝜹(xt:t)subscript𝑧𝜹subscriptitalic-ϕ𝜹subscript𝑥:superscript𝑡𝑡z_{\bm{\delta}}=\phi_{\bm{\delta}}(x_{t^{-}:t})italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT = italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT : italic_t end_POSTSUBSCRIPT ) and z𝜹=ϕ𝜹(xt+1:t+1)superscriptsubscript𝑧𝜹subscriptitalic-ϕ𝜹subscript𝑥:superscript𝑡1𝑡1z_{\bm{\delta}}^{\prime}=\phi_{\bm{\delta}}(x_{t^{-}+1:t+1})italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT + 1 : italic_t + 1 end_POSTSUBSCRIPT ) where tt+1=d𝑡superscript𝑡1𝑑t-t^{-}+1=ditalic_t - italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT + 1 = italic_d. When a data augmentation function aug()aug\text{aug}(\cdot)aug ( ⋅ ) is applied to the sequence of observations, we write z~𝜹=ϕ𝜹(aug(xt:t))subscript~𝑧𝜹subscriptitalic-ϕ𝜹augsubscript𝑥:superscript𝑡𝑡\tilde{z}_{\bm{\delta}}=\phi_{\bm{\delta}}(\text{aug}(x_{t^{-}:t}))over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT = italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT : italic_t end_POSTSUBSCRIPT ) ) and z~𝜹=ϕ𝜹(aug(xt+1:t+1))superscriptsubscript~𝑧𝜹subscriptitalic-ϕ𝜹augsubscript𝑥:superscript𝑡1𝑡1\tilde{z}_{\bm{\delta}}^{\prime}=\phi_{\bm{\delta}}(\text{aug}(x_{t^{-}+1:t+1}))over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT + 1 : italic_t + 1 end_POSTSUBSCRIPT ) ). We train ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT to optimize

min𝝍k,𝜹subscriptsubscript𝝍𝑘𝜹\displaystyle\min_{\bm{\psi}_{k},\bm{\delta}}roman_min start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT , bold_italic_δ end_POSTSUBSCRIPT 𝔼(z~𝜹,at,z~𝜹)[(Q𝝍k(z~𝜹,at)sg(y))2]+𝔼z~𝜹[(z~𝜹)]subscript𝔼similar-tosubscript~𝑧𝜹subscript𝑎𝑡superscriptsubscript~𝑧𝜹delimited-[]superscriptsubscript𝑄subscript𝝍𝑘subscript~𝑧𝜹subscript𝑎𝑡sg𝑦2subscript𝔼similar-tosubscript~𝑧𝜹delimited-[]subscript~𝑧𝜹\displaystyle\ \ \ \mathbb{E}_{(\tilde{z}_{\bm{\delta}},a_{t},\tilde{z}_{\bm{% \delta}}^{\prime})\sim\mathcal{B}}[\big{(}Q_{\bm{\psi}_{k}}(\tilde{z}_{\bm{% \delta}},a_{t})-\text{sg}(y)\big{)}^{2}]+\mathbb{E}_{\tilde{z}_{\bm{\delta}}% \sim\mathcal{B}}[\mathcal{L}(\tilde{z}_{\bm{\delta}})]blackboard_E start_POSTSUBSCRIPT ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ∼ caligraphic_B end_POSTSUBSCRIPT [ ( italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) - sg ( italic_y ) ) start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ] + blackboard_E start_POSTSUBSCRIPT over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ∼ caligraphic_B end_POSTSUBSCRIPT [ caligraphic_L ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ) ] (3)
s.t. y=r𝝌(z𝜹,z𝜹)+γmink=1,2Q𝝍¯k(z~𝜹,a).𝑦subscript𝑟𝝌subscript𝑧𝜹superscriptsubscript𝑧𝜹𝛾subscript𝑘12subscript𝑄subscript¯𝝍𝑘superscriptsubscript~𝑧𝜹superscript𝑎\displaystyle\ \ \ y=r_{\bm{\chi}}(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})+% \gamma\min_{k={1,2}}Q_{\bar{\bm{\psi}}_{k}}(\tilde{z}_{\bm{\delta}}^{\prime},a% ^{\prime}).italic_y = italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) + italic_γ roman_min start_POSTSUBSCRIPT italic_k = 1 , 2 end_POSTSUBSCRIPT italic_Q start_POSTSUBSCRIPT over¯ start_ARG bold_italic_ψ end_ARG start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT , italic_a start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) . (4)

The steps in (3)–(4) follow the deep Q𝑄Qitalic_Q-network optimization pipeline [41, 42], where we add a contrastive auxiliary loss 𝔼z~𝜹[(z~𝜹)]subscript𝔼similar-tosubscript~𝑧𝜹delimited-[]subscript~𝑧𝜹\mathbb{E}_{\tilde{z}_{\bm{\delta}}\sim\mathcal{B}}[\mathcal{L}(\tilde{z}_{\bm% {\delta}})]blackboard_E start_POSTSUBSCRIPT over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ∼ caligraphic_B end_POSTSUBSCRIPT [ caligraphic_L ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ) ] in (3) defined on the encoder ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT. In (4), the reward function r𝝌(z𝜹,z𝜹)subscript𝑟𝝌subscript𝑧𝜹superscriptsubscript𝑧𝜹r_{\bm{\chi}}(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) is computed through the AIL step in (2). Note that we do not perform data augmentation when computing r𝝌subscript𝑟𝝌r_{\bm{\chi}}italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT since, during reward inference, we are deploying and not training the encoder ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT. In practice, adding data augmentation to AIL in (2) decreases the performance.

In (3), the encoder ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT is trained together with the critic networks Q𝝍ksubscript𝑄subscript𝝍𝑘Q_{\bm{\psi}_{k}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT (k={1,2}𝑘12k=\{1,2\}italic_k = { 1 , 2 }) in order to regress y𝑦yitalic_y in (4), where sg()sg\text{sg}(\cdot)sg ( ⋅ ) stands for stop gradient of the encoder parameters 𝜹𝜹\bm{\delta}bold_italic_δ. The value of y𝑦yitalic_y in (4) is computed by summing r𝝌subscript𝑟𝝌r_{\bm{\chi}}italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT with the discounted target critic network at time t+1𝑡1t+1italic_t + 1. In (4), a=π𝜽(z~𝜹)+ϵsuperscript𝑎subscript𝜋𝜽superscriptsubscript~𝑧𝜹italic-ϵa^{\prime}=\pi_{\bm{\theta}}(\tilde{z}_{\bm{\delta}}^{\prime})+\epsilonitalic_a start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT = italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) + italic_ϵ where ϵclip(𝒩(0,σ2),c,c)similar-toitalic-ϵclip𝒩0superscript𝜎2𝑐𝑐\epsilon\sim\text{clip}(\mathcal{N}(0,\sigma^{2}),-c,c)italic_ϵ ∼ clip ( caligraphic_N ( 0 , italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ) , - italic_c , italic_c ) is a clipped exploration noise with c𝑐citalic_c the clipping parameter and 𝒩(0,σ2)𝒩0superscript𝜎2\mathcal{N}(0,\sigma^{2})caligraphic_N ( 0 , italic_σ start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ) a univariate normal distribution with zero mean and σ𝜎\sigmaitalic_σ standard deviation. 𝝍¯1subscript¯𝝍1\bar{\bm{\psi}}_{1}over¯ start_ARG bold_italic_ψ end_ARG start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT and 𝝍¯2subscript¯𝝍2\bar{\bm{\psi}}_{2}over¯ start_ARG bold_italic_ψ end_ARG start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT are the slow moving weights for the target critic networks. \mathcal{B}caligraphic_B is a replay buffer initialized to store interactions (xtT,at,xt+1T)subscriptsuperscript𝑥𝑇𝑡subscript𝑎𝑡subscriptsuperscript𝑥𝑇𝑡1(x^{T}_{t},a_{t},x^{T}_{t+1})( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ) of the agent with the target environment. Note that the latent state-transitions (z~𝜹,z~𝜹)subscript~𝑧𝜹superscriptsubscript~𝑧𝜹(\tilde{z}_{\bm{\delta}},\tilde{z}_{\bm{\delta}}^{\prime})( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) are inferred from sequences of observations using ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT and, as above, we write (z~𝜹,z~𝜹)similar-tosubscript~𝑧𝜹superscriptsubscript~𝑧𝜹(\tilde{z}_{\bm{\delta}},\tilde{z}_{\bm{\delta}}^{\prime})\sim\mathcal{B}( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ∼ caligraphic_B to streamline the notation (cf. Appendix B for the complete pseudo-code).

By solving the optimization problem in (3)–(4), our primary goal is to train both the encoder network ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT and the critic networks Q𝝍ksubscript𝑄subscript𝝍𝑘Q_{\bm{\psi}_{k}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT to solve the RL problem with reward r𝝌subscript𝑟𝝌r_{\bm{\chi}}italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT. In other words, this step focuses on retaining the goal-completion information within the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z such that critic networks Q𝝍ksubscript𝑄subscript𝝍𝑘Q_{\bm{\psi}_{k}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT are successfully learned. We show in our ablation study that backpropagating the gradient from Q𝝍ksubscript𝑄subscript𝝍𝑘Q_{\bm{\psi}_{k}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT to ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT is an important step for achieving this goal and solving the imitation problem. Similarly, the types of augmentations performed on the sequences of observations and the choice of auxiliary loss play a crucial role in discarding the visually-distracting information from 𝒵𝒵\mathcal{Z}caligraphic_Z and dealing with the visual mismatch.

Contrastive loss

In the following, we introduce the data augmentation techniques and the auxiliary loss \mathcal{L}caligraphic_L in (3) for C-LAIfO. We opt for a contrastive method as this leads to good empirical results and good computational efficiency. Contrastive learning constructs low-dimensional representations of high-dimensional data by maximizing agreement between augmented views of the same data example via a contrastive loss in the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z. In our specific case, we define equivalent data as sequences of observations with the same goal-completion information. The data augmentation is randomized by considering a set of pre-determined functions. We will show in our experiments (Section 5) that both the choice of contrastive loss and the set of augmentation functions play an important role in filtering out visually-distracting information.

First, a stochastic data augmentation module transforms any given sequence of observations xt:tsubscript𝑥:superscript𝑡𝑡x_{t^{-}:t}italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT : italic_t end_POSTSUBSCRIPT into two views, denoted aug(xt:t)iaugsubscriptsubscript𝑥:superscript𝑡𝑡𝑖\text{aug}(x_{t^{-}:t})_{i}aug ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT : italic_t end_POSTSUBSCRIPT ) start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT and aug(xt:t)jaugsubscriptsubscript𝑥:superscript𝑡𝑡𝑗\text{aug}(x_{t^{-}:t})_{j}aug ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT : italic_t end_POSTSUBSCRIPT ) start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT, which are denoted as the positive pairs. Note that two positive pairs must contain the same goal-completion information. Next, the encoder ϕ𝜹:𝒳d𝒵:subscriptitalic-ϕ𝜹superscript𝒳𝑑𝒵\phi_{\bm{\delta}}:\mathcal{X}^{d}\to\mathcal{Z}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT : caligraphic_X start_POSTSUPERSCRIPT italic_d end_POSTSUPERSCRIPT → caligraphic_Z extracts representation vectors from augmented sequences of observations. We write z~𝜹(i)=ϕ𝜹(aug(xt:t)i)subscript~𝑧𝜹𝑖subscriptitalic-ϕ𝜹augsubscriptsubscript𝑥:superscript𝑡𝑡𝑖\tilde{z}_{\bm{\delta}}(i)=\phi_{\bm{\delta}}(\text{aug}(x_{t^{-}:t})_{i})over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_i ) = italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT : italic_t end_POSTSUBSCRIPT ) start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) and z~𝜹(j)=ϕ𝜹(aug(xt:t)j)subscript~𝑧𝜹𝑗subscriptitalic-ϕ𝜹augsubscriptsubscript𝑥:superscript𝑡𝑡𝑗\tilde{z}_{\bm{\delta}}(j)=\phi_{\bm{\delta}}(\text{aug}(x_{t^{-}:t})_{j})over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_j ) = italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUBSCRIPT italic_t start_POSTSUPERSCRIPT - end_POSTSUPERSCRIPT : italic_t end_POSTSUBSCRIPT ) start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT ). Finally, we apply the contrastive loss function

(z𝜹)=logexp(sim(z~𝜹(i),z~𝜹(j))/η)k=12N𝟙[ki]exp(sim(z~𝜹(i),z~𝜹(k))/η),subscript𝑧𝜹simsubscript~𝑧𝜹𝑖subscript~𝑧𝜹𝑗𝜂superscriptsubscript𝑘12𝑁subscript1delimited-[]𝑘𝑖simsubscript~𝑧𝜹𝑖subscript~𝑧𝜹𝑘𝜂\mathcal{L}(z_{\bm{\delta}})=-\log\frac{\exp(\text{sim}(\tilde{z}_{\bm{\delta}% }(i),\tilde{z}_{\bm{\delta}}(j))/\eta)}{\sum_{k=1}^{2N}\mathbbm{1}_{[k\neq i]}% \exp(\text{sim}(\tilde{z}_{\bm{\delta}}(i),\tilde{z}_{\bm{\delta}}(k))/\eta)},caligraphic_L ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ) = - roman_log divide start_ARG roman_exp ( sim ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_i ) , over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_j ) ) / italic_η ) end_ARG start_ARG ∑ start_POSTSUBSCRIPT italic_k = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 italic_N end_POSTSUPERSCRIPT blackboard_1 start_POSTSUBSCRIPT [ italic_k ≠ italic_i ] end_POSTSUBSCRIPT roman_exp ( sim ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_i ) , over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_k ) ) / italic_η ) end_ARG , (5)

where 𝟙[ki]{0,1}subscript1delimited-[]𝑘𝑖01\mathbbm{1}_{[k\neq i]}\in\{0,1\}blackboard_1 start_POSTSUBSCRIPT [ italic_k ≠ italic_i ] end_POSTSUBSCRIPT ∈ { 0 , 1 } is an indicator function equal to 1 if ki𝑘𝑖k\neq iitalic_k ≠ italic_i, η𝜂\etaitalic_η denotes a temperature parameter, and sim(𝒖,𝒗)=𝒖𝒗/𝒖𝒗sim𝒖𝒗superscript𝒖𝒗norm𝒖norm𝒗\text{sim}(\bm{u},\bm{v})=\bm{u}^{\intercal}\bm{v}/||\bm{u}||||\bm{v}||sim ( bold_italic_u , bold_italic_v ) = bold_italic_u start_POSTSUPERSCRIPT ⊺ end_POSTSUPERSCRIPT bold_italic_v / | | bold_italic_u | | | | bold_italic_v | | denotes the cosine similarity. We sample a batch of N𝑁Nitalic_N sequences of observations from the buffer \mathcal{B}caligraphic_B and define pairs of augmented sequences derived from the batch, resulting in 2N2𝑁2N2 italic_N data points. The negative data points are not sampled explicitly. Instead, given a positive pair, we treat the other 2(N1)2𝑁12(N-1)2 ( italic_N - 1 ) augmented data points within the batch as negatives. Note that the loss in (5) is called the normalized temperature-scaled cross entropy loss or the Information Noise-Contrastive Estimation (InfoNCE) loss [43] and represents an upper bound of the negative mutual information between positive pairs. Therefore, by minimizing (5) as in (3) we are maximizing the mutual information between positive pairs in the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z.

5 Experiments

In this section, we present our experimental results. We begin with an ablation study to justify the key design choices of our algorithm. Next, we demonstrate how C-LAIfO effectively handles various types of visual mismatches in the V-IfO setting. Finally, we showcase how C-LAIfO facilitates learning in challenging robotic manipulation tasks with sparse rewards and realistic visual inputs.

Ablation study

Given the environments in Fig. 2, we perform the following ablations:

  1. 1.

    Contrastive loss function: We demonstrate the importance of the contrastive loss function type by comparing the InfoNCE loss in (5) with BYOL in [4].

  2. 2.

    Gradient backpropagation: We highlight the necessity of backpropagating the gradient from Q𝝍ksubscript𝑄subscript𝝍𝑘Q_{\bm{\psi}_{k}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT to ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT in (3) for solving the imitation problem and embedding the goal-completion information in the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z.

  3. 3.

    Data augmentation: We emphasize the importance of selecting the appropriate augmentation for a given mismatch, showing that a mismatch-informed augmentation outperforms general augmentations or no augmentation.

The results of these experiments are summarized in Table 1, which includes results for C-LAIfO and its various configurations. All the learning curves are provided in Appendix D. In Table 1, C-LAIfO is implemented as described in Section 4, with the data augmentation function aug()aug\text{aug}(\cdot)aug ( ⋅ ) defined as a brightness transformation. In BYOL-LAIfO, we retain the design identical to C-LAIfO except for replacing the InfoNCE loss in (5) with BYOL [4]. In C-LAIfO w/o Q𝑄Qitalic_Q backprop, we disable gradient backpropagation from Q𝝍ksubscript𝑄𝝍𝑘Q_{\bm{\psi}k}italic_Q start_POSTSUBSCRIPT bold_italic_ψ italic_k end_POSTSUBSCRIPT to ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT in (3). Lastly, in C-LAIfO full aug and C-LAIfO w/o aug, we respectively modify the data augmentation function aug()aug\text{aug}(\cdot)aug ( ⋅ ) to include full augmentation (brightness, color, and geometric transformations, as detailed in Appendix 5) and no augmentation. Notably, without backpropagating the gradient from Q𝝍ksubscript𝑄subscript𝝍𝑘Q_{\bm{\psi}_{k}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT end_POSTSUBSCRIPT to ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT, C-LAIfO fails to solve the imitation task even in the simplest mismatch scenario in (2(b)). This result demonstrates the importance of this step for embedding goal-completion information in 𝒵𝒵\mathcal{Z}caligraphic_Z. Conversely, without a well-designed aug()aug\text{aug}(\cdot)aug ( ⋅ ), C-LAIfO can solve the imitation problem with minor visual mismatch but struggles with more challenging visual distractors. These results highlight the critical role of properly defining aug()aug\text{aug}(\cdot)aug ( ⋅ ) for efficient visual generalization in 𝒵𝒵\mathcal{Z}caligraphic_Z. General aug()aug\text{aug}(\cdot)aug ( ⋅ ) might still achieve this goal, but much less efficiently. Finally, the superior performance of the InfoNCE loss in (5) compared to BYOL is particularly evident in handling the most difficult mismatches in (2(e)) and (2(f)).

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Figure 2: Different environments used for the ablation study in Table 1. The environment in (2(a)) represents the source-POMDP used to collect expert data, while (2(b))–(2(f)) are different target-POMDPs. In these experiments, visual mismatch is introduced by varying the light intensity, with the degree of mismatch increasing linearly from (2(b)) to (2(f)).
Table 1: Summary of the ablation experiments. Refer to Fig. 2 for a visual representation of the different environments. We use DDPG [44] to train experts in a fully observable setting and collect 100100100100 episodes of expert data. All algorithms are trained for 106superscript10610^{6}10 start_POSTSUPERSCRIPT 6 end_POSTSUPERSCRIPT steps, and the learned policies are evaluated based on average return over 10101010 episodes. We report the mean and standard deviation of the final return over 6666 seeds and highlight the best performance. The experiments C-LAIfO w/o Q𝑄Qitalic_Q backprop, C-LAIfO full aug, and C-LAIfO w/o aug are only conducted on the settings in (2(b)) and (2(c)) due to their low performance on these two easier settings.
Source Env (2(a)), Performance = 950950950950
Target Env (2(b)) (2(c)) (2(d)) (2(e)) (2(f))
C-LAIfO 936±33.2plus-or-minus93633.2936\pm 33.2936 ± 33.2 808±269plus-or-minus808269808\pm 269808 ± 269 526±334plus-or-minus526334526\pm 334526 ± 334 768±231plus-or-minus768231768\pm 231768 ± 231 895±36.6plus-or-minus89536.6895\pm 36.6895 ± 36.6
BYOL-LAIfO 906±76.1plus-or-minus90676.1906\pm 76.1906 ± 76.1 707±337plus-or-minus707337707\pm 337707 ± 337 696±333plus-or-minus696333696\pm 333696 ± 333 142±124plus-or-minus142124142\pm 124142 ± 124 168±139plus-or-minus168139168\pm 139168 ± 139
C-LAIfO w/o Q𝑄Qitalic_Q backprop 114±25.0plus-or-minus11425.0114\pm 25.0114 ± 25.0 48.7±8.7plus-or-minus48.78.748.7\pm 8.748.7 ± 8.7 - - -
C-LAIfO full aug 816±209plus-or-minus816209816\pm 209816 ± 209 96.8±53.4plus-or-minus96.853.496.8\pm 53.496.8 ± 53.4 - - -
C-LAIfO w/o aug 641±327plus-or-minus641327641\pm 327641 ± 327 113±25.3plus-or-minus11325.3113\pm 25.3113 ± 25.3 - - -

Visual Imitation from Observations with mismatch

In this section, we test C-LAIfO in the V-IfO setting with different types of mismatches (cf. Fig. 3) and compare it with three baselines: LAIfO [1] and PatchAIL [2], both equipped with the same aug()aug\text{aug}(\cdot)aug ( ⋅ ) used for C-LAIfO, and DisentanGAIL [6]. The results, summarized in Table 2, demonstrate that C-LAIfO successfully addresses the V-IfO with mismatch problem, achieving superior performance compared to all the baselines across the proposed mismatches. All the learning curves are provided in Appendix D. For the Light experiment, aug()aug\text{aug}(\cdot)aug ( ⋅ ) is defined as a brightness transformation; while for the others it is defined as a color transformation. Details on aug()aug\text{aug}(\cdot)aug ( ⋅ ) are provided in Appendix 5. Furthermore, to assess whether C-LAIfO achieves domain invariance in the feature space 𝒵𝒵\mathcal{Z}caligraphic_Z, we perform PCA and t-SNE analyses on the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z learned by different algorithms during training. Specifically, focusing on the Light experiment in Table 2, Fig. 4(a) compares the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z learned by LAIfO in [1], C-LAIfO, and LAIfO with data augmentation. Additionally, Fig. 4(b) investigates whether the latent space learned by C-LAIfO during the Full experiment can generalize to the unseen environment depicted in Fig. 3(g). The results of this analysis are shown in Fig. 4, which includes the PCA visualization. For the t-SNE visualization and additional details refer to Appendix E.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Refer to caption
(g)
Figure 3: Different environments used for the experiments in Table 2 and the PCA in Fig. 4.
Table 2: Summary of the experiments for the mismatches in Fig. 3. The Light experiment consists in (3(b)) as source-POMDP and (3(a)) as target-POMDP. The Body, Floor, Background, and Full experiments have (3(b)) as target-POMDP and respectively (3(c)), (3(d)), (3(e)), and (3(f)) as source-POMDP. We use DDPG [44] to train experts in a fully observable setting and collect 100100100100 episodes of expert data. We train all the algorithms for 106superscript10610^{6}10 start_POSTSUPERSCRIPT 6 end_POSTSUPERSCRIPT steps, except for the Full mismatch, where we train for 2×1062superscript1062\times 10^{6}2 × 10 start_POSTSUPERSCRIPT 6 end_POSTSUPERSCRIPT steps. We evaluate the learned policies based on the average return over 10101010 episodes. We report mean and standard deviation over 10101010 seeds and highlight the best performance.
Light Body Floor Background Full
C-LAIfO 895±36.6plus-or-minus89536.6895\pm 36.6895 ± 36.6 779±199plus-or-minus779199779\pm 199779 ± 199 486±259plus-or-minus486259486\pm 259486 ± 259 702±164plus-or-minus702164702\pm 164702 ± 164 509±235plus-or-minus509235509\pm 235509 ± 235
LAIfO [1] w/ data aug 64.6±62.9plus-or-minus64.662.964.6\pm 62.964.6 ± 62.9 714±222plus-or-minus714222714\pm 222714 ± 222 433±304plus-or-minus433304433\pm 304433 ± 304 315±329plus-or-minus315329315\pm 329315 ± 329 206±210plus-or-minus206210206\pm 210206 ± 210
DisentanGAIL [6] 28.1±8.7plus-or-minus28.18.728.1\pm 8.728.1 ± 8.7 337±215plus-or-minus337215337\pm 215337 ± 215 75.6±59.8plus-or-minus75.659.875.6\pm 59.875.6 ± 59.8 66.8±53.9plus-or-minus66.853.966.8\pm 53.966.8 ± 53.9 30.6±13.2plus-or-minus30.613.230.6\pm 13.230.6 ± 13.2
PatchAIL [2] w/ data aug 18.4±5.6plus-or-minus18.45.618.4\pm 5.618.4 ± 5.6 597±247plus-or-minus597247597\pm 247597 ± 247 14.1±2.4plus-or-minus14.12.414.1\pm 2.414.1 ± 2.4 29.9±10.3plus-or-minus29.910.329.9\pm 10.329.9 ± 10.3 122±66.6plus-or-minus12266.6122\pm 66.6122 ± 66.6
Refer to caption
(a) PCA results for the Light experiment in Table 2.
Refer to caption
(b) PCA results on C-LAIfO for the Full experiment in Table 2 and the unseen environment in Fig. 3(g).
Figure 4: In Fig. 4(a) we compare the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z learned by LAIfO, C-LAIfO, and LAIfO with data augmentation in the Light setting from Table 2. Specifically, we define source and target as the observations generated by an optimal policy in the source and target POMDPs, respectively. Similarly, source random and target random are observations generated by random policies. These observations are processed with the encoder ϕ𝜹:𝒳d𝒵:subscriptitalic-ϕ𝜹superscript𝒳𝑑𝒵\phi_{\bm{\delta}}:\mathcal{X}^{d}\to\mathcal{Z}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT : caligraphic_X start_POSTSUPERSCRIPT italic_d end_POSTSUPERSCRIPT → caligraphic_Z trained using the respective algorithms. We perform PCA on this set of latent variables z1:Tsubscript𝑧:1𝑇z_{1:T}italic_z start_POSTSUBSCRIPT 1 : italic_T end_POSTSUBSCRIPT and plot the first two principal components. The results show that C-LAIfO is the only algorithm capable of filtering out visual distractors and clustering together data points with the same goal-completion information. In Fig. 4(b), we focus on C-LAIfO and test for generalization to the unseen environment in Fig. 3(g). We train ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT on the Full setting from Table 2 and perform PCA as described. The results in the unseen setting match those in the Full experiment, indicating that ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT trained on (3(f)) can successfully generalize to (3(g)).

Improving RL using expert videos

In the following section, we examine a scenario where the reward r𝝌subscript𝑟𝝌r_{\bm{\chi}}italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT learned by C-LAIfO can be combined with a sparse reward \mathcal{R}caligraphic_R that the agent collects through interaction with the environment. Consequently, the RL problem aims to maximize the total reward tot=(st,at)+r𝝌(zt,zt+1)subscripttotsubscript𝑠𝑡subscript𝑎𝑡subscript𝑟𝝌subscript𝑧𝑡subscript𝑧𝑡1\mathcal{R}_{\text{tot}}=\mathcal{R}(s_{t},a_{t})+r_{\bm{\chi}}(z_{t},z_{t+1})caligraphic_R start_POSTSUBSCRIPT tot end_POSTSUBSCRIPT = caligraphic_R ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) + italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ) with r𝝌subscript𝑟𝝌r_{\bm{\chi}}italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT learned through the AIL step in (2). We conduct experiments on the Adroit platform for dynamic dexterous manipulation [7] and compare C-LAIfO with DrQ-v2 [45], an RL-only baseline. In these experiments, both C-LAIfO and DrQ-v2 use an encoder to process pixel observations and extract embeddings in 𝒵𝒵\mathcal{Z}caligraphic_Z, which are then concatenated with the robot sensory observations. Importantly, expert’s sensory observations are not used in the imitation problem as we only assume access to videos of experts. We denote our approach as RL+C-LAIfO since it maximizes totsubscripttot\mathcal{R}_{\text{tot}}caligraphic_R start_POSTSUBSCRIPT tot end_POSTSUBSCRIPT rather than only r𝝌subscript𝑟𝝌r_{\bm{\chi}}italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT alone as in the standard imitation learning problem. The results, summarized in Table 3, show that DrQ-v2 fails to learn in two out of three environments. In contrast, C-LAIfO successfully leverages expert videos with visual mismatch to facilitate learning. Note that the goal of these experiments is not merely to compare RL+C-LAIfO with DrQ-v2 but to demonstrate how C-LAIfO can leverage expert videos, even with visual mismatch, to enable learning in challenging robotic tasks. We provide all the learning curves in Appendix D.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Refer to caption
(g)
Refer to caption
(h)
Refer to caption
(i)
Figure 5: Adroit environments used for the experiments in Table 3.
Table 3: Summary of the experiments in Fig. 5. The Door-Light and Door-Color experiments consider (5(a)) as the source-POMDP and (5(b)) and (5(c)) as the respective target-POMDPs. Similarly, the Hammer-Light and Hammer-Color experiments consider (5(d)) as source-POMDP and (5(e)) and (5(f)) as the respective target-POMDPs, while the Pen-Light and Pen-Color experiments consider (5(g)) as source-POMDP and (5(h)) and (5(i)) as the respective target-POMDPs. We use the VRL3 pipeline in [46] to train expert policies and collect 100100100100 episodes of expert data. All algorithms are trained for 4×1064superscript1064\times 10^{6}4 × 10 start_POSTSUPERSCRIPT 6 end_POSTSUPERSCRIPT steps. We evaluate the learned policies based on the average return over 10101010 episodes. We report the mean and standard deviation over 10101010 seeds and highlight the best performance.
Door Hammer Pen
Light Color Light Color Light Color
Expert 170170170170 184184184184 73737373
DrQ-v2 [45] 2.4±0.0plus-or-minus2.40.0-2.4\pm 0.0- 2.4 ± 0.0 1.8±2.2plus-or-minus1.82.2-1.8\pm 2.2- 1.8 ± 2.2 53±9.0plus-or-minus539.053\pm 9.053 ± 9.0
RL+C-LAIfO 106±75plus-or-minus10675106\pm 75106 ± 75 96±80plus-or-minus968096\pm 8096 ± 80 181±4.0plus-or-minus1814.0181\pm 4.0181 ± 4.0 103±86plus-or-minus10386103\pm 86103 ± 86 59±12plus-or-minus591259\pm 1259 ± 12 59±4.8plus-or-minus594.859\pm 4.859 ± 4.8

6 Conclusion

In this work, we analyze the V-IfO problem in the presence of visual mismatches and propose a novel algorithm named C-LAIfO as an effective solution. Through comprehensive ablation studies, we provide insights into our design choices and demonstrate the superior performance of our approach compared to a range of baselines in imitation from videos under various mismatch scenarios. Furthermore, we illustrate how C-LAIfO effectively utilizes expert videos with visual mismatches to facilitate learning in challenging hand manipulation tasks characterized by sparse rewards and realistic visual inputs.

Limitations and future work

A main limitation of the current approach is given by the reliance of C-LAIfO on a well-designed, possibly mismatch-informed, data augmentation function. As illustrated in our ablations in Section 5, general augmentation can lead to poor performance or can remarkably reduce the algorithmic sample efficiency. Furthermore, it can be challenging to design effective augmentations for certain types of mismatches. To address this problem, exploring generative models for automatic data augmentation represents an interesting research direction. Generative models could produce diverse, mismatch-informed augmentations, potentially overcoming the limitations of manually designed strategies. Alternatively, investigating different auxiliary losses that are less reliant on augmentation techniques represents another interesting direction. Finally, future work will be devoted to go beyond simulated environments and test our algorithms on hardware in real-world scenarios.

7 Acknowledgements

Vittorio Giammarino and Ioannis Ch. Paschalidis were partially supported by the NSF under grants IIS-1914792, CCF-2200052, and ECCS-2317079, by the ONR under grant N00014-19-1-2571, by the DOE under grant DE-AC02-05CH11231, by the NIH under grant UL54 TR004130, and by Boston University. James Queeney was exclusively supported by Mitsubishi Electric Research Laboratories.

References

  • Giammarino et al. [2024] V. Giammarino, J. Queeney, and I. Paschalidis. Adversarial imitation learning from visual observations using latent information. Transactions on Machine Learning Research, 2024. ISSN 2835-8856. URL https://openreview.net/forum?id=ydPHjgf6h0.
  • Liu et al. [2022] M. Liu, T. He, W. Zhang, Y. Shuicheng, and Z. Xu. Visual imitation learning with patch rewards. In International Conference on Learning Representations, 2022.
  • Chen et al. [2020] T. Chen, S. Kornblith, M. Norouzi, and G. Hinton. A simple framework for contrastive learning of visual representations. In International Conference on Machine Learning, pages 1597–1607. PMLR, 2020.
  • Grill et al. [2020] J.-B. Grill, F. Strub, F. Altché, C. Tallec, P. Richemond, E. Buchatskaya, C. Doersch, B. Avila Pires, Z. Guo, M. Gheshlaghi Azar, et al. Bootstrap your own latent-a new approach to self-supervised learning. Advances in Neural Information Processing Systems, 33:21271–21284, 2020.
  • Tassa et al. [2018] Y. Tassa, Y. Doron, A. Muldal, T. Erez, Y. Li, D. d. L. Casas, D. Budden, A. Abdolmaleki, J. Merel, A. Lefrancq, et al. Deepmind control suite. arXiv preprint arXiv:1801.00690, 2018.
  • Cetin and Celiktutan [2020] E. Cetin and O. Celiktutan. Domain-robust visual imitation learning with mutual information constraints. In International Conference on Learning Representations, 2020.
  • Kumar [2016] V. Kumar. Manipulators and Manipulation in high dimensional spaces. PhD thesis, University of Washington, Seattle, 2016. URL https://digital.lib.washington.edu/researchworks/handle/1773/38104.
  • Ho and Ermon [2016] J. Ho and S. Ermon. Generative adversarial imitation learning. Advances in Neural Information Processing Systems, 29, 2016.
  • Russell [1998] S. Russell. Learning agents for uncertain environments. In Proceedings of the Annual Conference on Computational Learning Theory, pages 101–103, 1998.
  • Ng et al. [2000] A. Y. Ng, S. Russell, et al. Algorithms for inverse reinforcement learning. In International Conference on Machine Learning, volume 1, page 2, 2000.
  • Abbeel and Ng [2004] P. Abbeel and A. Y. Ng. Apprenticeship learning via inverse reinforcement learning. In International Conference on Machine Learning, page 1, 2004.
  • Syed and Schapire [2007] U. Syed and R. E. Schapire. A game-theoretic approach to apprenticeship learning. Advances in Neural Information Processing Systems, 20, 2007.
  • Ziebart et al. [2008] B. D. Ziebart, A. L. Maas, J. A. Bagnell, A. K. Dey, et al. Maximum entropy inverse reinforcement learning. In AAAI Conference on Artificial Intelligence, volume 8, pages 1433–1438. Chicago, IL, USA, 2008.
  • Syed et al. [2008] U. Syed, M. Bowling, and R. E. Schapire. Apprenticeship learning using linear programming. In International Conference on Machine Learning, pages 1032–1039, 2008.
  • Fu et al. [2017] J. Fu, K. Luo, and S. Levine. Learning robust rewards with adversarial inverse reinforcement learning. arXiv preprint arXiv:1710.11248, 2017.
  • Torabi et al. [2018] F. Torabi, G. Warnell, and P. Stone. Generative adversarial imitation from observation. arXiv preprint arXiv:1807.06158, 2018.
  • Yang et al. [2019] C. Yang, X. Ma, W. Huang, F. Sun, H. Liu, J. Huang, and C. Gan. Imitation learning from observations by minimizing inverse dynamics disagreement. Advances in Neural Information Processing Systems, 32, 2019.
  • Cheng et al. [2021] Z. Cheng, L. Liu, A. Liu, H. Sun, M. Fang, and D. Tao. On the guaranteed almost equivalence between imitation learning from observation and demonstration. IEEE Transactions on Neural Networks and Learning Systems, 2021.
  • Kostrikov et al. [2018] I. Kostrikov, K. K. Agrawal, D. Dwibedi, S. Levine, and J. Tompson. Discriminator-actor-critic: Addressing sample inefficiency and reward bias in adversarial imitation learning. arXiv preprint arXiv:1809.02925, 2018.
  • Blondé and Kalousis [2019] L. Blondé and A. Kalousis. Sample-efficient imitation learning via generative adversarial nets. In International Conference on Artificial Intelligence and Statistics, pages 3138–3148. PMLR, 2019.
  • Kostrikov et al. [2019] I. Kostrikov, O. Nachum, and J. Tompson. Imitation learning via off-policy distribution matching. arXiv preprint arXiv:1912.05032, 2019.
  • Zhu et al. [2020] Z. Zhu, K. Lin, B. Dai, and J. Zhou. Off-policy imitation learning from observations. Advances in Neural Information Processing Systems, 33:12402–12413, 2020.
  • Kidambi et al. [2021] R. Kidambi, J. Chang, and W. Sun. Mobile: Model-based imitation learning from observation alone. Advances in Neural Information Processing Systems, 34:28598–28611, 2021.
  • Gangwani et al. [2020] T. Gangwani, J. Lehman, Q. Liu, and J. Peng. Learning belief representations for imitation learning in POMDPs. In Uncertainty in Artificial Intelligence, pages 1061–1071. PMLR, 2020.
  • Rafailov et al. [2021] R. Rafailov, T. Yu, A. Rajeswaran, and C. Finn. Visual adversarial imitation learning using variational models. Advances in Neural Information Processing Systems, 34:3016–3028, 2021.
  • Isola et al. [2017] P. Isola, J.-Y. Zhu, T. Zhou, and A. A. Efros. Image-to-image translation with conditional adversarial networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, pages 1125–1134, 2017.
  • Zhu et al. [2017] J.-Y. Zhu, T. Park, P. Isola, and A. A. Efros. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE International Conference on Computer Vision, pages 2223–2232, 2017.
  • Stadie et al. [2017] B. C. Stadie, P. Abbeel, and I. Sutskever. Third-person imitation learning. arXiv preprint arXiv:1703.01703, 2017.
  • Kim et al. [2020] K. Kim, Y. Gu, J. Song, S. Zhao, and S. Ermon. Domain adaptive imitation learning. In International Conference on Machine Learning, pages 5286–5295. PMLR, 2020.
  • Raychaudhuri et al. [2021] D. S. Raychaudhuri, S. Paul, J. Vanbaar, and A. K. Roy-Chowdhury. Cross-domain imitation from observations. In International Conference on Machine Learning, pages 8902–8912. PMLR, 2021.
  • Zhang et al. [2023] J. Z. Zhang, S. Yang, G. Yang, A. L. Bishop, S. Gurumurthy, D. Ramanan, and Z. Manchester. Slomo: A general system for legged robot motion imitation from casual videos. IEEE Robotics and Automation Letters, 2023.
  • Fickinger et al. [2021] A. Fickinger, S. Cohen, S. Russell, and B. Amos. Cross-domain imitation learning via optimal transport. In International Conference on Learning Representations, 2021.
  • Gangwani et al. [2022] T. Gangwani, Y. Zhou, and J. Peng. Imitation learning from observations under transition model disparity. arXiv preprint arXiv:2204.11446, 2022.
  • Giammarino et al. [2023] V. Giammarino, J. Queeney, L. C. Carstensen, M. E. Hasselmo, and I. C. Paschalidis. Opportunities and challenges from using animal videos in reinforcement learning for navigation. IFAC-PapersOnLine, 56(2):9056–9061, 2023.
  • Okumura et al. [2020] R. Okumura, M. Okada, and T. Taniguchi. Domain-adversarial and-conditional state space model for imitation learning. In 2020 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), pages 5179–5186. IEEE, 2020.
  • Choi et al. [2023] S. Choi, S. Han, W. Kim, J. Chae, W. Jung, and Y. Sung. Domain adaptive imitation learning with visual observation. In Advances in Neural Information Processing Systems, 2023.
  • Ganin and Lempitsky [2015] Y. Ganin and V. Lempitsky. Unsupervised domain adaptation by backpropagation. In International Conference on Machine Learning, pages 1180–1189. PMLR, 2015.
  • Hafner et al. [2019] D. Hafner, T. Lillicrap, I. Fischer, R. Villegas, D. Ha, H. Lee, and J. Davidson. Learning latent dynamics for planning from pixels. In International Conference on Machine Learning, pages 2555–2565. PMLR, 2019.
  • Ghasemipour et al. [2020] S. K. S. Ghasemipour, R. Zemel, and S. Gu. A divergence minimization perspective on imitation learning methods. In Proceedings of the Conference on Robot Learning, pages 1259–1277. PMLR, 2020.
  • Goodfellow et al. [2020] I. Goodfellow, J. Pouget-Abadie, M. Mirza, B. Xu, D. Warde-Farley, S. Ozair, A. Courville, and Y. Bengio. Generative adversarial networks. Communications of the ACM, 63(11):139–144, 2020.
  • Mnih et al. [2013] V. Mnih, K. Kavukcuoglu, D. Silver, A. Graves, I. Antonoglou, D. Wierstra, and M. Riedmiller. Playing atari with deep reinforcement learning. arXiv preprint arXiv:1312.5602, 2013.
  • Mnih et al. [2015] V. Mnih, K. Kavukcuoglu, D. Silver, A. A. Rusu, J. Veness, M. G. Bellemare, A. Graves, M. Riedmiller, A. K. Fidjeland, G. Ostrovski, et al. Human-level control through deep reinforcement learning. Nature, 518(7540):529–533, 2015.
  • Oord et al. [2018] A. v. d. Oord, Y. Li, and O. Vinyals. Representation learning with contrastive predictive coding. arXiv preprint arXiv:1807.03748, 2018.
  • Lillicrap et al. [2015] T. P. Lillicrap, J. J. Hunt, A. Pritzel, N. Heess, T. Erez, Y. Tassa, D. Silver, and D. Wierstra. Continuous control with deep reinforcement learning. arXiv preprint arXiv:1509.02971, 2015.
  • Yarats et al. [2021] D. Yarats, R. Fergus, A. Lazaric, and L. Pinto. Mastering visual continuous control: Improved data-augmented reinforcement learning. arXiv preprint arXiv:2107.09645, 2021.
  • Wang et al. [2022] C. Wang, X. Luo, K. Ross, and D. Li. Vrl3: A data-driven framework for visual deep reinforcement learning. Advances in Neural Information Processing Systems, 35:32974–32988, 2022.

Appendix A Analysis

In the following, we show how domain invariance in the feature space 𝒵𝒵\mathcal{Z}caligraphic_Z leads to the same V-IfO guarantees as in [1], even in the presence of visual mismatches.

Proposition 1.

Consider source and target POMDPs respectively defined by the tuples (𝒮,𝒜,𝒳,𝒯,𝒰T,,ρ0,γ)𝒮𝒜𝒳𝒯subscript𝒰𝑇subscript𝜌0𝛾(\mathcal{S},\mathcal{A},\mathcal{X},\mathcal{T},\mathcal{U}_{T},\mathcal{R},% \rho_{0},\gamma)( caligraphic_S , caligraphic_A , caligraphic_X , caligraphic_T , caligraphic_U start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT , caligraphic_R , italic_ρ start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_γ ) and (𝒮,𝒜,𝒳,𝒯,𝒰S,,ρ0,γ)𝒮𝒜𝒳𝒯subscript𝒰𝑆subscript𝜌0𝛾(\mathcal{S},\mathcal{A},\mathcal{X},\mathcal{T},\mathcal{U}_{S},\mathcal{R},% \rho_{0},\gamma)( caligraphic_S , caligraphic_A , caligraphic_X , caligraphic_T , caligraphic_U start_POSTSUBSCRIPT italic_S end_POSTSUBSCRIPT , caligraphic_R , italic_ρ start_POSTSUBSCRIPT 0 end_POSTSUBSCRIPT , italic_γ ). Let 𝒳=(𝒳¯,𝒳^)𝒳¯𝒳^𝒳\mathcal{X}=(\bar{\mathcal{X}},\hat{\mathcal{X}})caligraphic_X = ( over¯ start_ARG caligraphic_X end_ARG , over^ start_ARG caligraphic_X end_ARG ), where 𝒳¯¯𝒳\bar{\mathcal{X}}over¯ start_ARG caligraphic_X end_ARG is an observations set invariant between source and target POMDP, and 𝒳^^𝒳\hat{\mathcal{X}}over^ start_ARG caligraphic_X end_ARG is a set of visual distractors. We write xt=(x¯t,x^t)subscript𝑥𝑡subscript¯𝑥𝑡subscript^𝑥𝑡x_{t}=(\bar{x}_{t},\hat{x}_{t})italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , over^ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ). Assume zt=ϕ(xt)=ϕ(x¯t)subscript𝑧𝑡italic-ϕsubscript𝑥absent𝑡italic-ϕsubscript¯𝑥absent𝑡z_{t}=\phi(x_{\leq t})=\phi(\bar{x}_{\leq t})italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT = italic_ϕ ( italic_x start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT ) = italic_ϕ ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT ) such that (st|zt,at)=(st|zt)=(st|xt,a<t)=(st|x¯t,a<t)conditionalsubscript𝑠𝑡subscript𝑧𝑡subscript𝑎𝑡conditionalsubscript𝑠𝑡subscript𝑧𝑡conditionalsubscript𝑠𝑡subscript𝑥absent𝑡subscript𝑎absent𝑡conditionalsubscript𝑠𝑡subscript¯𝑥absent𝑡subscript𝑎absent𝑡\mathbb{P}(s_{t}|z_{t},a_{t})=\mathbb{P}(s_{t}|z_{t})=\mathbb{P}(s_{t}|x_{\leq t% },a_{<t})=\mathbb{P}(s_{t}|\bar{x}_{\leq t},a_{<t})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) = blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) = blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_x start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT < italic_t end_POSTSUBSCRIPT ) = blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT < italic_t end_POSTSUBSCRIPT ). Then, the filtering posterior distributions (st|zt)conditionalsubscript𝑠𝑡subscript𝑧𝑡\mathbb{P}(s_{t}|z_{t})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) and (st+1,st|zt+1,zt)subscript𝑠𝑡1conditionalsubscript𝑠𝑡subscript𝑧𝑡1subscript𝑧𝑡\mathbb{P}(s_{t+1},s_{t}|z_{t+1},z_{t})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) do not depend on the policy π𝜋\piitalic_π and are invariant between source and target POMDPs.

Proof.

Considering the definition of the latent variable ztsubscript𝑧𝑡z_{t}italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT, which only depends on x¯tsubscript¯𝑥absent𝑡\bar{x}_{\leq t}over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT and not the visually-distracting information x^tsubscript^𝑥absent𝑡\hat{x}_{\leq t}over^ start_ARG italic_x end_ARG start_POSTSUBSCRIPT ≤ italic_t end_POSTSUBSCRIPT, we can write

(st|zt)=(st|xt,at1,zt1)=(st|x¯t,at1,zt1).conditionalsubscript𝑠𝑡subscript𝑧𝑡conditionalsubscript𝑠𝑡subscript𝑥𝑡subscript𝑎𝑡1subscript𝑧𝑡1conditionalsubscript𝑠𝑡subscript¯𝑥𝑡subscript𝑎𝑡1subscript𝑧𝑡1\displaystyle\mathbb{P}(s_{t}|z_{t})=\mathbb{P}(s_{t}|x_{t},a_{t-1},z_{t-1})=% \mathbb{P}(s_{t}|\bar{x}_{t},a_{t-1},z_{t-1}).blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) = blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_x start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) = blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) .

Then, by leveraging Bayes rule we have that

(st|zt)=conditionalsubscript𝑠𝑡subscript𝑧𝑡absent\displaystyle\mathbb{P}(s_{t}|z_{t})=blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) = (st|x¯t,at1,zt1)conditionalsubscript𝑠𝑡subscript¯𝑥𝑡subscript𝑎𝑡1subscript𝑧𝑡1\displaystyle\mathbb{P}(s_{t}|\bar{x}_{t},a_{t-1},z_{t-1})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT )
=\displaystyle== (x¯t|st,at1,zt1)(st|at1,zt1)(x¯t|at1,zt1)conditionalsubscript¯𝑥𝑡subscript𝑠𝑡subscript𝑎𝑡1subscript𝑧𝑡1conditionalsubscript𝑠𝑡subscript𝑎𝑡1subscript𝑧𝑡1conditionalsubscript¯𝑥𝑡subscript𝑎𝑡1subscript𝑧𝑡1\displaystyle\frac{\mathbb{P}(\bar{x}_{t}|s_{t},a_{t-1},z_{t-1})\mathbb{P}(s_{% t}|a_{t-1},z_{t-1})}{\mathbb{P}(\bar{x}_{t}|a_{t-1},z_{t-1})}divide start_ARG blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) end_ARG start_ARG blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) end_ARG
=\displaystyle== (x¯t|st)𝒮𝒯(st|st1,at1)(st1|zt1)𝑑st1𝒮𝒮(x¯t|st)𝒯(st|st1,at1)(st1|zt1)𝑑st𝑑st1,conditionalsubscript¯𝑥𝑡subscript𝑠𝑡subscript𝒮𝒯conditionalsubscript𝑠𝑡subscript𝑠𝑡1subscript𝑎𝑡1conditionalsubscript𝑠𝑡1subscript𝑧𝑡1differential-dsubscript𝑠𝑡1subscript𝒮subscript𝒮conditionalsubscript¯𝑥𝑡subscript𝑠𝑡𝒯conditionalsubscript𝑠𝑡subscript𝑠𝑡1subscript𝑎𝑡1conditionalsubscript𝑠𝑡1subscript𝑧𝑡1differential-dsubscript𝑠𝑡differential-dsubscript𝑠𝑡1\displaystyle\frac{\mathbb{P}(\bar{x}_{t}|s_{t})\int_{\mathcal{S}}\mathcal{T}(% s_{t}|s_{t-1},a_{t-1})\mathbb{P}(s_{t-1}|z_{t-1})ds_{t-1}}{\int_{\mathcal{S}}% \int_{\mathcal{S}}\mathbb{P}(\bar{x}_{t}|s_{t})\mathcal{T}(s_{t}|s_{t-1},a_{t-% 1})\mathbb{P}(s_{t-1}|z_{t-1})ds_{t}ds_{t-1}},divide start_ARG blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) ∫ start_POSTSUBSCRIPT caligraphic_S end_POSTSUBSCRIPT caligraphic_T ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) italic_d italic_s start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT end_ARG start_ARG ∫ start_POSTSUBSCRIPT caligraphic_S end_POSTSUBSCRIPT ∫ start_POSTSUBSCRIPT caligraphic_S end_POSTSUBSCRIPT blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) caligraphic_T ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT ) italic_d italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT italic_d italic_s start_POSTSUBSCRIPT italic_t - 1 end_POSTSUBSCRIPT end_ARG ,

where the denominator can be seen as a normalizing factor. Note that (x¯t|st)conditionalsubscript¯𝑥𝑡subscript𝑠𝑡\mathbb{P}(\bar{x}_{t}|s_{t})blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) is the same for both the source and target POMDPs by the definition of 𝒳¯¯𝒳\bar{\mathcal{X}}over¯ start_ARG caligraphic_X end_ARG above. Therefore, (st|zt)conditionalsubscript𝑠𝑡subscript𝑧𝑡\mathbb{P}(s_{t}|z_{t})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) has no dependence on the policy π𝜋\piitalic_π and is invariant between source and target POMDP.

Similarly, for (st+1,st|zt,zt+1)subscript𝑠𝑡1conditionalsubscript𝑠𝑡subscript𝑧𝑡subscript𝑧𝑡1\mathbb{P}(s_{t+1},s_{t}|z_{t},z_{t+1})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ) we have that

(st+1,st|zt,zt+1)=subscript𝑠𝑡1conditionalsubscript𝑠𝑡subscript𝑧𝑡subscript𝑧𝑡1absent\displaystyle\mathbb{P}(s_{t+1},s_{t}|z_{t},z_{t+1})=blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ) = (st,st+1|x¯t+1,at,zt)subscript𝑠𝑡conditionalsubscript𝑠𝑡1subscript¯𝑥𝑡1subscript𝑎𝑡subscript𝑧𝑡\displaystyle\mathbb{P}(s_{t},s_{t+1}|\bar{x}_{t+1},a_{t},z_{t})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT )
=\displaystyle== (x¯t+1|st,st+1,at,zt)(st,st+1|at,zt)(x¯t+1|at,zt)conditionalsubscript¯𝑥𝑡1subscript𝑠𝑡subscript𝑠𝑡1subscript𝑎𝑡subscript𝑧𝑡subscript𝑠𝑡conditionalsubscript𝑠𝑡1subscript𝑎𝑡subscript𝑧𝑡conditionalsubscript¯𝑥𝑡1subscript𝑎𝑡subscript𝑧𝑡\displaystyle\frac{\mathbb{P}(\bar{x}_{t+1}|s_{t},s_{t+1},a_{t},z_{t})\mathbb{% P}(s_{t},s_{t+1}|a_{t},z_{t})}{\mathbb{P}(\bar{x}_{t+1}|a_{t},z_{t})}divide start_ARG blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) end_ARG start_ARG blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) end_ARG
=\displaystyle== (x¯t+1|st+1)𝒯(st+1|st,at)(st|zt)𝒮𝒮(x¯t+1|st+1)𝒯(st+1|st,at)(st|zt)𝑑st+1𝑑st.conditionalsubscript¯𝑥𝑡1subscript𝑠𝑡1𝒯conditionalsubscript𝑠𝑡1subscript𝑠𝑡subscript𝑎𝑡conditionalsubscript𝑠𝑡subscript𝑧𝑡subscript𝒮subscript𝒮conditionalsubscript¯𝑥𝑡1subscript𝑠𝑡1𝒯conditionalsubscript𝑠𝑡1subscript𝑠𝑡subscript𝑎𝑡conditionalsubscript𝑠𝑡subscript𝑧𝑡differential-dsubscript𝑠𝑡1differential-dsubscript𝑠𝑡\displaystyle\frac{\mathbb{P}(\bar{x}_{t+1}|s_{t+1})\mathcal{T}(s_{t+1}|s_{t},% a_{t})\mathbb{P}(s_{t}|z_{t})}{\int_{\mathcal{S}}\int_{\mathcal{S}}\mathbb{P}(% \bar{x}_{t+1}|s_{t+1})\mathcal{T}(s_{t+1}|s_{t},a_{t})\mathbb{P}(s_{t}|z_{t})% ds_{t+1}ds_{t}}.divide start_ARG blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ) caligraphic_T ( italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) end_ARG start_ARG ∫ start_POSTSUBSCRIPT caligraphic_S end_POSTSUBSCRIPT ∫ start_POSTSUBSCRIPT caligraphic_S end_POSTSUBSCRIPT blackboard_P ( over¯ start_ARG italic_x end_ARG start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ) caligraphic_T ( italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) italic_d italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT italic_d italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT end_ARG .

Because (st|zt)conditionalsubscript𝑠𝑡subscript𝑧𝑡\mathbb{P}(s_{t}|z_{t})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) does not depend on π𝜋\piitalic_π and is the same for both source and target POMDP, the result also holds for (st+1,st|zt,zt+1)subscript𝑠𝑡1conditionalsubscript𝑠𝑡subscript𝑧𝑡subscript𝑧𝑡1\mathbb{P}(s_{t+1},s_{t}|z_{t},z_{t+1})blackboard_P ( italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT , italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT | italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ). ∎

Proposition 2.

Given :𝒮×𝒜:𝒮𝒜\mathcal{R}:\mathcal{S}\times\mathcal{A}\to\mathbb{R}caligraphic_R : caligraphic_S × caligraphic_A → blackboard_R, for the scenarios described in Proposition 1 the following inequality holds:

|J(πE)J(π𝜽)|2Rmax1γ𝔻TV(ρπ𝜽(z,z),ρπE(z,z))+C,𝐽subscript𝜋𝐸𝐽subscript𝜋𝜽2subscript𝑅1𝛾subscript𝔻TVsubscript𝜌subscript𝜋𝜽𝑧superscript𝑧subscript𝜌subscript𝜋𝐸𝑧superscript𝑧𝐶\displaystyle\begin{split}\big{|}J(\pi_{E})-J(\pi_{\bm{\theta}})\big{|}\leq&% \frac{2R_{\max}}{1-\gamma}\mathbb{D}_{\text{{TV}}}\big{(}\rho_{\pi_{\bm{\theta% }}}(z,z^{\prime}),\rho_{\pi_{E}}(z,z^{\prime})\big{)}+C,\end{split}start_ROW start_CELL | italic_J ( italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT ) - italic_J ( italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT ) | ≤ end_CELL start_CELL divide start_ARG 2 italic_R start_POSTSUBSCRIPT roman_max end_POSTSUBSCRIPT end_ARG start_ARG 1 - italic_γ end_ARG blackboard_D start_POSTSUBSCRIPT TV end_POSTSUBSCRIPT ( italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_z , italic_z start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) , italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_z , italic_z start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) + italic_C , end_CELL end_ROW

where Rmax=max(s,a)𝒮×𝒜|(s,a)|subscript𝑅subscript𝑠𝑎𝒮𝒜𝑠𝑎R_{\max}=\max_{(s,a)\in\mathcal{S}\times\mathcal{A}}|\mathcal{R}(s,a)|italic_R start_POSTSUBSCRIPT roman_max end_POSTSUBSCRIPT = roman_max start_POSTSUBSCRIPT ( italic_s , italic_a ) ∈ caligraphic_S × caligraphic_A end_POSTSUBSCRIPT | caligraphic_R ( italic_s , italic_a ) | and

C=2Rmax1γ𝔼ρπ𝜽(z,z)[𝔻TV(π𝜽(a|z,z),πE(a|z,z))].𝐶2subscript𝑅1𝛾subscript𝔼subscript𝜌subscript𝜋𝜽𝑧superscript𝑧delimited-[]subscript𝔻TVsubscriptsubscript𝜋𝜽conditional𝑎𝑧superscript𝑧subscriptsubscript𝜋𝐸conditional𝑎𝑧superscript𝑧C=\frac{2R_{\max}}{1-\gamma}\mathbb{E}_{\rho_{\pi_{\bm{\theta}}}(z,z^{\prime})% }\big{[}\mathbb{D}_{\text{{TV}}}\big{(}\mathbb{P}_{\pi_{\bm{\theta}}}(a|z,z^{% \prime}),\mathbb{P}_{\pi_{E}}(a|z,z^{\prime})\big{)}\big{]}.italic_C = divide start_ARG 2 italic_R start_POSTSUBSCRIPT roman_max end_POSTSUBSCRIPT end_ARG start_ARG 1 - italic_γ end_ARG blackboard_E start_POSTSUBSCRIPT italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_z , italic_z start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) end_POSTSUBSCRIPT [ blackboard_D start_POSTSUBSCRIPT TV end_POSTSUBSCRIPT ( blackboard_P start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_a | italic_z , italic_z start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) , blackboard_P start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_a | italic_z , italic_z start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) ] . (6)

If :𝒮×𝒮:𝒮𝒮\mathcal{R}:\mathcal{S}\times\mathcal{S}\to\mathbb{R}caligraphic_R : caligraphic_S × caligraphic_S → blackboard_R, then we have that

|J(πE)J(π𝜽)|2Rmax1γ𝔻TV(ρπ𝜽(z,z),ρπE(z,z)),𝐽subscript𝜋𝐸𝐽subscript𝜋𝜽2subscript𝑅1𝛾subscript𝔻TVsubscript𝜌subscript𝜋𝜽𝑧superscript𝑧subscript𝜌subscript𝜋𝐸𝑧superscript𝑧\displaystyle\begin{split}\big{|}J(\pi_{E})-J(\pi_{\bm{\theta}})\big{|}\leq&% \frac{2R_{\max}}{1-\gamma}\mathbb{D}_{\text{{TV}}}\big{(}\rho_{\pi_{\bm{\theta% }}}(z,z^{\prime}),\rho_{\pi_{E}}(z,z^{\prime})\big{)},\end{split}start_ROW start_CELL | italic_J ( italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT ) - italic_J ( italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT ) | ≤ end_CELL start_CELL divide start_ARG 2 italic_R start_POSTSUBSCRIPT roman_max end_POSTSUBSCRIPT end_ARG start_ARG 1 - italic_γ end_ARG blackboard_D start_POSTSUBSCRIPT TV end_POSTSUBSCRIPT ( italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_z , italic_z start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) , italic_ρ start_POSTSUBSCRIPT italic_π start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT end_POSTSUBSCRIPT ( italic_z , italic_z start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ) , end_CELL end_ROW

where Rmax=max(s,s)𝒮×𝒮|(s,s)|subscript𝑅subscript𝑠superscript𝑠𝒮𝒮𝑠superscript𝑠R_{\max}=\max_{(s,s^{\prime})\in\mathcal{S}\times\mathcal{S}}|\mathcal{R}(s,s^% {\prime})|italic_R start_POSTSUBSCRIPT roman_max end_POSTSUBSCRIPT = roman_max start_POSTSUBSCRIPT ( italic_s , italic_s start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) ∈ caligraphic_S × caligraphic_S end_POSTSUBSCRIPT | caligraphic_R ( italic_s , italic_s start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) |.

Proof.

Because Proposition 1 holds, we can directly follow the proofs of Theorem 1 and Theorem 2 in [1] for the setting of no visual mismatch. ∎

Appendix B Pseudo-code and hyperparameters

Inputs:
Expert observations: (xnS)0:NEsubscriptsubscriptsuperscript𝑥𝑆𝑛:0𝑁subscript𝐸(x^{S}_{n})_{0:N}\in\mathcal{B}_{E}( italic_x start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_n end_POSTSUBSCRIPT ) start_POSTSUBSCRIPT 0 : italic_N end_POSTSUBSCRIPT ∈ caligraphic_B start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT.
π𝜽subscript𝜋𝜽\pi_{\bm{\theta}}italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT, D𝝌subscript𝐷𝝌D_{\bm{\chi}}italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT, Q𝝍1subscript𝑄subscript𝝍1Q_{\bm{\psi}_{1}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT end_POSTSUBSCRIPT, Q𝝍2subscript𝑄subscript𝝍2Q_{\bm{\psi}_{2}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT end_POSTSUBSCRIPT, ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT: networks for policy, discriminator, Q functions and encoder.
Ttrainsubscript𝑇trainT_{\text{train}}italic_T start_POSTSUBSCRIPT train end_POSTSUBSCRIPT, σ(t)𝜎𝑡\sigma(t)italic_σ ( italic_t ), d𝑑ditalic_d, aug, c𝑐citalic_c, τ𝜏\tauitalic_τ, B𝐵Bitalic_B, α𝛼\alphaitalic_α, αDsubscript𝛼𝐷\alpha_{D}italic_α start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT, γ𝛾\gammaitalic_γ, η𝜂\etaitalic_η: training steps, scheduled standard deviation, frames stack dimension, stochastic data augmentation, clip value, target update rate, batch size, learning rate, discriminator learning rate, discount factor and temperature parameter.
for t=1,,Ttrain𝑡1subscript𝑇traint=1,\dots,T_{\text{{train}}}italic_t = 1 , … , italic_T start_POSTSUBSCRIPT train end_POSTSUBSCRIPT do
       σtσ(t)subscript𝜎𝑡𝜎𝑡\sigma_{t}\leftarrow\sigma(t)italic_σ start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ← italic_σ ( italic_t )
       if td1𝑡𝑑1t\geq d-1italic_t ≥ italic_d - 1 then
            ztϕ𝜹(xtd+1:tT)subscript𝑧𝑡subscriptitalic-ϕ𝜹subscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡z_{t}\leftarrow\phi_{\bm{\delta}}(x^{T}_{t-d+1:t})italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT )
      else
            ztϕ𝜹(x0:tT)subscript𝑧𝑡subscriptitalic-ϕ𝜹subscriptsuperscript𝑥𝑇:0𝑡z_{t}\leftarrow\phi_{\bm{\delta}}(x^{T}_{0:t})italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT 0 : italic_t end_POSTSUBSCRIPT )
      atπ𝜽(zt)+ϵsubscript𝑎𝑡subscript𝜋𝜽subscript𝑧𝑡italic-ϵa_{t}\leftarrow\pi_{\bm{\theta}}(z_{t})+\epsilonitalic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ← italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) + italic_ϵ and ϵ𝒩(0,σt2)similar-toitalic-ϵ𝒩0superscriptsubscript𝜎𝑡2\epsilon\sim\mathcal{N}(0,\sigma_{t}^{2})italic_ϵ ∼ caligraphic_N ( 0 , italic_σ start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT )
       st+1𝒯(|st,at)s_{t+1}\sim\mathcal{T}(\cdot|s_{t},a_{t})italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ∼ caligraphic_T ( ⋅ | italic_s start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ) and xt+1𝒰T(|st+1)x_{t+1}\sim\mathcal{U}_{T}(\cdot|s_{t+1})italic_x start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ∼ caligraphic_U start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT ( ⋅ | italic_s start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT )
       (xtT,at,xt+1T)subscriptsuperscript𝑥𝑇𝑡subscript𝑎𝑡subscriptsuperscript𝑥𝑇𝑡1\mathcal{B}\leftarrow\mathcal{B}\cup(x^{T}_{t},a_{t},x^{T}_{t+1})caligraphic_B ← caligraphic_B ∪ ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT )
       UpdateEncoder(\mathcal{B}caligraphic_B)
       UpdateDiscriminator(\mathcal{B}caligraphic_B, Esubscript𝐸\mathcal{B}_{E}caligraphic_B start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT)
       UpdateCritic(\mathcal{B}caligraphic_B)
       UpdateActor(\mathcal{B}caligraphic_B)
      
begin UpdateEncoder
       {(xtd+1:tT,at,xtd+2:t+1T)}similar-tosubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡subscript𝑎𝑡subscriptsuperscript𝑥𝑇:𝑡𝑑2𝑡1\{(x^{T}_{t-d+1:t},a_{t},x^{T}_{t-d+2:t+1})\}\sim\mathcal{B}{ ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 2 : italic_t + 1 end_POSTSUBSCRIPT ) } ∼ caligraphic_B (sample B𝐵Bitalic_B transitions)
       z~𝜹(i)ϕ𝜹(aug(xtd+1:tT)i)subscript~𝑧𝜹𝑖subscriptitalic-ϕ𝜹augsubscriptsubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡𝑖\tilde{z}_{\bm{\delta}}(i)\leftarrow\phi_{\bm{\delta}}(\text{aug}(x^{T}_{t-d+1% :t})_{i})over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_i ) ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT ) start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) and z~𝜹(j)ϕ𝜹(aug(xtd+1:tT)j)subscript~𝑧𝜹𝑗subscriptitalic-ϕ𝜹augsubscriptsubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡𝑗\tilde{z}_{\bm{\delta}}(j)\leftarrow\phi_{\bm{\delta}}(\text{aug}(x^{T}_{t-d+1% :t})_{j})over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_j ) ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT ) start_POSTSUBSCRIPT italic_j end_POSTSUBSCRIPT )
       Update ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT to minimize (5) with learning rate α𝛼\alphaitalic_α
begin UpdateDiscriminator
       {(xtd+1:tS,xtd+2:t+1S)}Esimilar-tosubscriptsuperscript𝑥𝑆:𝑡𝑑1𝑡subscriptsuperscript𝑥𝑆:𝑡𝑑2𝑡1subscript𝐸\{(x^{S}_{t-d+1:t},x^{S}_{t-d+2:t+1})\}\sim\mathcal{B}_{E}{ ( italic_x start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT , italic_x start_POSTSUPERSCRIPT italic_S end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 2 : italic_t + 1 end_POSTSUBSCRIPT ) } ∼ caligraphic_B start_POSTSUBSCRIPT italic_E end_POSTSUBSCRIPT and {(xtd+1:tT,xtd+2:t+1T)}similar-tosubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡subscriptsuperscript𝑥𝑇:𝑡𝑑2𝑡1\{(x^{T}_{t-d+1:t},x^{T}_{t-d+2:t+1})\}\sim\mathcal{B}{ ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT , italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 2 : italic_t + 1 end_POSTSUBSCRIPT ) } ∼ caligraphic_B (sample B𝐵Bitalic_B transitions)
       z𝜹ϕ𝜹(xtd+1:t)subscript𝑧𝜹subscriptitalic-ϕ𝜹subscript𝑥:𝑡𝑑1𝑡z_{\bm{\delta}}\leftarrow\phi_{\bm{\delta}}(x_{t-d+1:t})italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_x start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT ) and z𝜹ϕ𝜹(xtd+2:t+1)superscriptsubscript𝑧𝜹subscriptitalic-ϕ𝜹subscript𝑥:𝑡𝑑2𝑡1z_{\bm{\delta}}^{\prime}\leftarrow\phi_{\bm{\delta}}(x_{t-d+2:t+1})italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( italic_x start_POSTSUBSCRIPT italic_t - italic_d + 2 : italic_t + 1 end_POSTSUBSCRIPT ) for both agent and expert
       Update D𝝌subscript𝐷𝝌D_{\bm{\chi}}italic_D start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT to minimize BCE loss with learning rate αDsubscript𝛼𝐷\alpha_{D}italic_α start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT
begin UpdateCritic
       {(xtd+1:tT,at,xtd+2:t+1T)}similar-tosubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡subscript𝑎𝑡subscriptsuperscript𝑥𝑇:𝑡𝑑2𝑡1\{(x^{T}_{t-d+1:t},a_{t},x^{T}_{t-d+2:t+1})\}\sim\mathcal{B}{ ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT , italic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 2 : italic_t + 1 end_POSTSUBSCRIPT ) } ∼ caligraphic_B (sample B𝐵Bitalic_B transitions)
       z~𝜹ϕ𝜹(aug(xtd+1:tT))subscript~𝑧𝜹subscriptitalic-ϕ𝜹augsubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡\tilde{z}_{\bm{\delta}}\leftarrow\phi_{\bm{\delta}}(\text{aug}(x^{T}_{t-d+1:t}))over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT ) ) and z~𝜹ϕ𝜹(aug(xtd+2:t+1T))superscriptsubscript~𝑧𝜹subscriptitalic-ϕ𝜹augsubscriptsuperscript𝑥𝑇:𝑡𝑑2𝑡1\tilde{z}_{\bm{\delta}}^{\prime}\leftarrow\phi_{\bm{\delta}}(\text{aug}(x^{T}_% {t-d+2:t+1}))over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 2 : italic_t + 1 end_POSTSUBSCRIPT ) )
       at+1subscript𝑎𝑡1absenta_{t+1}\leftarrowitalic_a start_POSTSUBSCRIPT italic_t + 1 end_POSTSUBSCRIPT ← π𝜽(z~𝜹)+ϵsubscript𝜋𝜽superscriptsubscript~𝑧𝜹italic-ϵ\pi_{\bm{\theta}}(\tilde{z}_{\bm{\delta}}^{\prime})+\epsilonitalic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) + italic_ϵ and ϵclip(𝒩(0,σt2),c,c)similar-toitalic-ϵclip𝒩0superscriptsubscript𝜎𝑡2𝑐𝑐\epsilon\sim\text{clip}(\mathcal{N}(0,\sigma_{t}^{2}),-c,c)italic_ϵ ∼ clip ( caligraphic_N ( 0 , italic_σ start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ) , - italic_c , italic_c )
       Update Q𝝍1subscript𝑄subscript𝝍1Q_{\bm{\psi}_{1}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT end_POSTSUBSCRIPT, Q𝝍2subscript𝑄subscript𝝍2Q_{\bm{\psi}_{2}}italic_Q start_POSTSUBSCRIPT bold_italic_ψ start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT end_POSTSUBSCRIPT and ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT to minimize (3) with r𝝌(z𝜹,z𝜹)subscript𝑟𝝌subscript𝑧𝜹superscriptsubscript𝑧𝜹r_{\bm{\chi}}(z_{\bm{\delta}},z_{\bm{\delta}}^{\prime})italic_r start_POSTSUBSCRIPT bold_italic_χ end_POSTSUBSCRIPT ( italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT , italic_z start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ′ end_POSTSUPERSCRIPT ) and learning rate α𝛼\alphaitalic_α
       𝝍¯k(1τ)𝝍¯k+τ𝝍kk{1,2}formulae-sequencesubscript¯𝝍𝑘1𝜏subscript¯𝝍𝑘𝜏subscript𝝍𝑘for-all𝑘12\bar{\bm{\psi}}_{k}\leftarrow(1-\tau)\bar{\bm{\psi}}_{k}+\tau\bm{\psi}_{k}\ \ % \ \forall k\in\{1,2\}over¯ start_ARG bold_italic_ψ end_ARG start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT ← ( 1 - italic_τ ) over¯ start_ARG bold_italic_ψ end_ARG start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT + italic_τ bold_italic_ψ start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT ∀ italic_k ∈ { 1 , 2 }
begin UpdateActor
       {xtd+1:tT}similar-tosubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡\{x^{T}_{t-d+1:t}\}\sim\mathcal{B}{ italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT } ∼ caligraphic_B (sample B𝐵Bitalic_B observations)
       z~𝜹ϕ𝜹(aug(xtd+1:tT))subscript~𝑧𝜹subscriptitalic-ϕ𝜹augsubscriptsuperscript𝑥𝑇:𝑡𝑑1𝑡\tilde{z}_{\bm{\delta}}\leftarrow\phi_{\bm{\delta}}(\text{aug}(x^{T}_{t-d+1:t}))over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ← italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ( aug ( italic_x start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT start_POSTSUBSCRIPT italic_t - italic_d + 1 : italic_t end_POSTSUBSCRIPT ) )
       atπ𝜽(z~𝜹)+ϵsubscript𝑎𝑡subscript𝜋𝜽subscript~𝑧𝜹italic-ϵa_{t}\leftarrow\pi_{\bm{\theta}}(\tilde{z}_{\bm{\delta}})+\epsilonitalic_a start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ← italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT ( over~ start_ARG italic_z end_ARG start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT ) + italic_ϵ and ϵclip(𝒩(0,σt2),c,c)similar-toitalic-ϵclip𝒩0superscriptsubscript𝜎𝑡2𝑐𝑐\epsilon\sim\text{clip}(\mathcal{N}(0,\sigma_{t}^{2}),-c,c)italic_ϵ ∼ clip ( caligraphic_N ( 0 , italic_σ start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ) , - italic_c , italic_c )
       Update π𝜽subscript𝜋𝜽\pi_{\bm{\theta}}italic_π start_POSTSUBSCRIPT bold_italic_θ end_POSTSUBSCRIPT using DDPG [44] with learning rate α𝛼\alphaitalic_α
Algorithm 1 C-LAIfO
Table 4: Hyperparameter values for C-LAIfO experiments.
Hyperparameter Name Value
Frames stack (d)𝑑(d)( italic_d ) 3333
Discount factor (γ)𝛾(\gamma)( italic_γ ) 0.990.990.990.99
Image size 64×64646464\times 6464 × 64
Batch size (B)𝐵(B)( italic_B ) 256256256256
Optimizer Adam
Learning rate (α)𝛼(\alpha)( italic_α ) 104superscript10410^{-4}10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT
Discriminator learning rate (αD)subscript𝛼𝐷(\alpha_{D})( italic_α start_POSTSUBSCRIPT italic_D end_POSTSUBSCRIPT ) 4×1044superscript1044\times 10^{-4}4 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT
Target update rate (τ)𝜏(\tau)( italic_τ ) 0.010.010.010.01
Clip value (c)𝑐(c)( italic_c ) 0.30.30.30.3
Temperature parameter (η)𝜂(\eta)( italic_η ) 1.01.01.01.0

Appendix C Data augmentation

The operations used in our data augmentation functions for the experiments in Section 5 are summarized in Table 5. Fig. 6 shows an example of color augmentation as implemented for the experiments in Table 2, where we randomly perform all the operations in the color transformations row in Table 5. On the other hand, Fig. 7 shows only a brightness transformation as implemented in the ablation study in Table. 1. Full augmentation in Table 1 performs all the operations in Table 5. For additional details refer to our code111https://github.com/VittorioGiammarino/C-LAIfO.

Table 5: Operations used in our data augmentation function.
Operations
Color transformations Brightness
Contrast
Saturation
Hue
Grayscale
Gaussian blur
Invert
Affine transformations Horizontal flip
Vertical flip
Resized crop
Refer to caption
Refer to caption
Figure 6: Examples of augmentation as color transformation.
Refer to caption
Refer to caption
Figure 7: Examples of augmentation as brightness transformation.

Appendix D Learning curves

All the experiments are run using Nvidia-A40 GPUs on an internal cluster. For each algorithm, we run two experiments in parallel on the same GPU and each experiment takes 1 to 4 days depending on the simulated environment and the considered algorithm. For all the implementation details refer to our code.

Fig. 8, Fig. 9, and Fig. 10 show the learning curves for the results in Table 1, Table 2, and Table 3, respectively.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Refer to caption
Figure 8: Learning curves for the results in Table 1. Plots show the average return per episode as a function of training steps. The environment in (8(a)) represents the source-POMDP used to collect expert data, while (8(b))–(8(f)) are different target-POMDPs. In these experiments, visual mismatch is introduced by varying the light intensity, with the degree of mismatch increasing linearly from (8(b)) to (8(f)).
Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Refer to caption
Figure 9: Learning curves for the results in Table 2. Plots show the average return per episode as a function of training steps. The Light experiment consists in (9(b)) as source-POMDP and (9(a)) as target-POMDP. The Body, Floor, Background, and Full experiments have (9(b)) as target-POMDP and respectively (9(c)), (9(d)), (9(e)), and (9(f)) as source-POMDP.
Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Refer to caption
(g)
Refer to caption
(h)
Refer to caption
(i)
Refer to caption
Figure 10: Learning curves for the results in Table 3. Plots show the average return per episode as a function of training steps. The Door-Light and Door-Color experiments consider (10(a)) as the source-POMDP and (10(b)) and (10(c)) as the respective target-POMDPs. Similarly, the Hammer-Light and Hammer-Color experiments consider (10(d)) as source-POMDP and (10(e)) and (10(f)) as the respective target-POMDPs, while the Pen-Light and Pen-Color experiments consider (10(g)) as source-POMDP and (10(h)) and (10(i)) as the respective target-POMDPs.

Appendix E PCA and t-SNE analysis

In Fig. 11 we compare the latent space 𝒵𝒵\mathcal{Z}caligraphic_Z learned by LAIfO, C-LAIfO, and LAIfO with data augmentation in the Light setting from Table 2 and Fig. 8. Specifically, we define source and target as the observations generated by an optimal policy in the source and target POMDPs, respectively. Similarly, source random and target random are observations generated by random policies. These observations are processed with the encoder ϕ𝜹:𝒳d𝒵:subscriptitalic-ϕ𝜹superscript𝒳𝑑𝒵\phi_{\bm{\delta}}:\mathcal{X}^{d}\to\mathcal{Z}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT : caligraphic_X start_POSTSUPERSCRIPT italic_d end_POSTSUPERSCRIPT → caligraphic_Z trained using the respective algorithms. We perform PCA and t-SNE on this set of latent variables z1:Tsubscript𝑧:1𝑇z_{1:T}italic_z start_POSTSUBSCRIPT 1 : italic_T end_POSTSUBSCRIPT and plot the first two principal components. The results show that C-LAIfO is the only algorithm capable of filtering out visual distractors and clustering together data points with the same goal-completion information. In Fig. 12, we focus on C-LAIfO and test for generalization to the unseen environment in Fig. 12(c). We train ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT on the Full setting from Table 2 and Fig. 9 and perform PCA and t-SNE as described. In Fig. 12, the Full figures have (12(a))-(12(b)) as source-POMDP and (12(e))-(12(f)) as target-POMDP. Similarly the Full-unseen figures have (12(c))-(12(d)) as source-POMDP and (12(e))-(12(f)) as target-POMDP. The results in the Full-unseen setting match those in the Full experiment, indicating that ϕ𝜹subscriptitalic-ϕ𝜹\phi_{\bm{\delta}}italic_ϕ start_POSTSUBSCRIPT bold_italic_δ end_POSTSUBSCRIPT trained on (12(a)) can successfully generalize to (12(c)).

Refer to caption
(a) Source.
Refer to caption
(b) Source Random.
Refer to caption
(c) Target.
Refer to caption
(d) Target Random.
Refer to caption
Refer to caption
Figure 11: PCA and t-SNE visualizations for the Light experiment in Table 2.
Refer to caption
(a) Source
(Full).
Refer to caption
(b) Source Random
(Full).
Refer to caption
(c) Source
(Full-unseen).
Refer to caption
(d) Source Random
(Full-unseen).
Refer to caption
(e) Target.
Refer to caption
(f) Target Random.
Refer to caption
Refer to caption
Figure 12: PCA and t-SNE for the Full experiment in Table 2. Fig. 12(a) and Fig. 12(b) denote the source environment for the Full experiment (left figures in Fig. 12). Fig. 12(c) and Fig. 12(d) denote the source environment for the Full-unseen experiment (right figures in Fig. 12).