Hybrid-Prediction Integrated Planning for
Autonomous Driving

Haochen Liu, Zhiyu Huang, Wenhui Huang, Haohan Yang,
Xiaoyu Mo, and Chen Lv
H. Liu, Z. Huang, W. Huang, H. Yang, X. Mo, and C. Lv are with the School of Mechanical and Aerospace Engineering, Nanyang Technological University, 639798, Singapore. (E-mails: {haochen002, zhiyu001, wenhui001}@e.ntu.edu.sg, {haohan.yang, xiaoyu.mo, lyuchen}@ntu.edu.sg)Corresponding author: C. Lv
Abstract

Autonomous driving systems require the ability to fully understand and predict the surrounding environment to make informed decisions in complex scenarios. Recent advancements in learning-based systems have highlighted the importance of integrating prediction and planning modules. However, this integration has brought forth three major challenges: inherent trade-offs by sole prediction, consistency between prediction patterns, and social coherence in prediction and planning. To address these challenges, we introduce a hybrid-prediction integrated planning (HPP) system, which possesses three novelly designed modules. First, we introduce marginal-conditioned occupancy prediction to align joint occupancy with agent-wise perceptions. Our proposed MS-OccFormer module achieves multi-stage alignment per occupancy forecasting with consistent awareness from agent-wise motion predictions. Second, we propose a game-theoretic motion predictor, GTFormer, to model the interactive future among individual agents with their joint predictive awareness. Third, hybrid prediction patterns are concurrently integrated with Ego Planner and optimized by prediction guidance. HPP achieves state-of-the-art performance on the nuScenes dataset, demonstrating superior accuracy and consistency for end-to-end paradigms in prediction and planning. Moreover, we test the long-term open-loop and closed-loop performance of HPP on the Waymo Open Motion Dataset and CARLA benchmark, surpassing other integrated prediction and planning pipelines with enhanced accuracy and compatibility. Project website: https://georgeliu233.github.io/HPP

Index Terms:
Occupancy prediction, motion prediction, integrated prediction and planning, autonomous driving.

I Introduction

Refer to caption
Figure 1: Generic learning-based pipelines in autonomous driving. a) Integrated pipelines learn planning jointly with motion prediction (IPP) or occupancy prediction (IOP) with coupled networks. b) End-to-end pipelines directly map from raw sensor inputs to planning. c) Our proposed HPP establishes a coupled planning system with hybrid-prediction integration and optimization.

Autonomous driving systems (ADS) have made significant progress in perception, prediction, and planning, thanks to the advancement of learning paradigms [1]. However, the performance growth of these independent tasks has come to a halt, prompting a reconsideration of modular design optimization [2, 3, 4, 5]. Fueled by inherent interactions among autonomous vehicles and traffic participants, recent research has placed significant emphasis on the integration of prediction and planning tasks [6]. They seek to achieve concurrent advancements in both prediction and planning .

Integrated pipelines (Fig. 1a) generally connect planning and singular prediction modules involving agent-wise motion trajectories (IPP) [3, 7, 8] or whole-scene occupancy probabilities (IOP) [9, 10, 11]. However, relying on single prediction format inevitably confronts respective shortfalls. Specifically, motion prediction models continuous temporal trajectories tracked for each agent, but encounters inconsistency and exponential cost in joint social patterns from marginal agents [12]. Conversely, exclusive occupancy accurately predicts aligned joint patterns of whole scene agents under bird’s eye view (BEV) perception, but the loss of agent-wise tractability leads to temporal conflicts and omission risks of critical agents [13]. This characteristic highlights the complementarity of motion and occupancy prediction. The inconsistency arising in the singular prediction pattern presents challenges for both IPP and IOP, resulting in incompatible planning learned collectively with misaligned predictions.

The limitations of integrated systems have spurred a renewed focus on end-to-end pipelines (Fig. 1b) [14]. Planning-oriented systems employ a well-organized modular design to address plan guidance under a unified BEV geometry and query-based intermediate interactions [2, 5, 15]. While this approach proves planning superiority and consider a hybrid format of predictions and planning, it falls short in addressing potential conflicts among different predictions. Furthermore, the absence of interactive co-design across predictions and planning results in passive maneuvers and hinders the system learning for social compatibility. The integration of different modules gives rise to three major challenges: inherent trade-offs, including inconsistency and omission risks with sole prediction; discrepancies between joint and marginal patterns in predictions, limiting accuracy and impeding the learning of safe and naturalistic driving maneuvers; and the absence of interactive co-design for compatible planning, considering dependencies of hybrid prediction.

To tackle the aforementioned challenges, we propose a novel integrated pipeline (Fig. 1c) named Hybrid-Prediction integrated Planning (HPP) that optimizes prediction and planning in a co-design process. By combining IPP and IOP, HPP delivers consistent planning while ensuring that hybrid prediction inform each other consistently. To achieve this, HPP leverages Transformer-based queries to channel and aggregate interactions between modules. Additionally, we have developed a refinement process that guides safe planning interacting with hybrid prediction. Specifically, we propose MS-OccFormer to perform marginal-conditioned joint occupancy prediction that aligns and refines consistently with marginal motion prediction. We leverage GTFormer, which is inspired by simulating game-theoretic iterative reasoning of marginal motion prediction with ego vehicle and joint occupancy. HPP concurrently models fine-grained interactions of integrated hybrid prediction patterns in Ego Planner, where we eventually devise a hybrid-prediction-guided refinement mechanism to facilitate safe and compatible planning. The main contributions are listed below:

  1. 1.

    We propose HPP, a modular co-design optimization ADS paradigm, that consistently interacts among marginal and joint prediction patterns with planning.

  2. 2.

    We introduce MS-OccFormer, a model that predicts joint occupancy patterns in BEV geometry while being aware of the marginal predictions. We also present GTFormer, a model that performs game-theoretic reasoning among marginal motion predictions in coordination with both planning and occupancy prediction. The ego planner is devised under interactive guidance by hybrid prediction.

  3. 3.

    HPP is tested on multiple large-scale real-world benchmarks, and extensive testing results demonstrate its state-of-the-art performance in terms of accuracy, safety, and consistency in prediction and planning.

The remainder of this paper is organized as follows: Sec. II reviews integrated prediction and planning pipelines in ADS. Sec. III formulate the methodology of HPP. Comprehensive benchmarks and discussions are presented in Sec. IV. Finally, Sec. V concludes the whole work.

II Related Work

II-A Predictions and Planning in ADS

Prediction and planning modules in the conventional ADS model are separate. Predictions typically define evolving transitions as conditions for safe planning. Learning-based prediction models excel in modeling interactions among diverse agents and scene contexts [12]. Categorized by representations, sparse predictions forecast multi-agent trajectories (MATP) along with detected participants. Leveraging Transformer [16, 17] or GNNs [7, 18] in constructing the social interaction graph [7] or recurrent refining [19], MATP filters multi-agent predictions in scoring combinations of marginal ones for each agent. While achieving agent-wise accuracy, MATP introduces exponential computations and trajectory-wise inconsistency. Dense predictions directly estimate the future distribution of agents jointly from ego-centered occupancy [9, 20, 21]. A notable issue is the loss of agent-wise tractability. Enhancements via trajectories of heatmap sampling [22] or joint trajectory learning [23] exhibit similar consistency issues. In ADS planning, various approaches are well-founded including sampling [24], optimization [25], and learning-based techniques via imitation learning [26] or reinforcement learning [27]. Still, achieving safe and socially compatible driving maneuvers in planning requires interactive awareness and safety guarantees derived from planning-compliant predictions. Furthermore, accumulated errors from detached predictions and planning underscore the need for developing integrated ADS.

II-B Integrated Predictions and Planning in ADS

Navigating dense and interactive traffic requires integrated ADS, which models the simultaneous driving behaviors among social agents and the autonomous vehicle. Intuitive thought is to stack ego vehicles collectively with social agents’ predictions and learn unified trajectories. All interactions are implicitly modeled by Transformer-based IPP [8, 28] or post-processed occupancy prediction[23] under the IOP pipeline. To consider the evolving interactive behaviors between predictions and planning, conditional methods model the behavioral response individually from ego vehicle to social agents predictions [29]. Conditional motion predictions are then integrated into planning reschedules [24, 30] or modeled as non-cooperative games [31]. Still, these one-way interactions bypass the mutual consistency with all agents. Moreover, iterative bi-level optimization [32] significantly slows down learning. Obviated from agent-wise conflicts, hierarchical game-theoretic approaches model the iterative reasoning process [33], updating mutual behaviors for all agents simultaneously [34]. Yet, uniformed agent-wise reasoning lacks specifications between predictions and planning, which should be target-driven. In HPP, we integrate reasoning by introducing an agent-conditioned occupancy to modulate joint behavior in social agents. and an Ego Planner for interactive planning. This integrated co-design enables learning both predictions and planning with flexibility while maintaining mutual awareness by iterative reasoning.

Refer to caption
Figure 2: Systematic overview of the proposed Hybrid-Prediction integrated Planning (HPP) framework. HPP is established upon query-based co-design optimization of interactive planning with hybrid prediction integration (IPP and IOP), informed by BEV perceptions. With encoded perception scene context QMap,QB,QA, HPP provides prediction and planning co-design in three-fold. Joint occupancy prediction O^ is iteratively refined in MS-OccFormer, sharing mutual consistency over marginal motion prediction Y^ in GTFormer. GTFormer performs interactive reasoning between marginal prediction and planning. Reasoned outcomes and ego features are then served to query hybrid prediction-aware planning τ in Ego Planner. Eventually, optimizations are scheduled to refine planning τ with hybrid-prediction guidance.

Recent paradigms focus on leveraging output responses for predictions to enhance planning guarantees. Adversarial objectives are employed between joint motion predictions and planning, considering likely [3, 35] or safety-critical patterns [36] for mutual differentiable optimizations. However, similar consistency issues faced by MATP pose additional optimization challenges. Some methods predict dense occupancy jointly as a potential cost for planning guidance [11, 9, 10]. However, intractability issues introduce risks and require laborious filtering. An additional challenge is the lack of integrated modeling leads to inconsistency and limits the interactive process only in optimization. In HPP, integration is considered concurrently for ADS co-design and output optimizations. Through flexible and consistent hybrid prediction and planning via system co-design, hybrid prediction are jointly utilized to refine planning, enhancing safety consistently.

II-C End-to-end Systems and LLMs for Autonomous Driving

End-to-end methods consider a direct mapping from raw sensors to prediction and planning under perception understanding [14]. A typical system is serialized by modules and learns jointly with each objective [37, 4]. However, modular errors are accumulated and geometry is hindered by misaligned predictions and planning. Thus, planning is sampled in trajectory retrieval by predictions [38]. Prominence in BEV perception [39, 40, 41] enables modular integration and learning under unified BEV geometry [42]. This further prompts a planning-oriented system, which organizes and serves all intermediate modules targeting planning under visual [2, 15, 43] or vectorized [5] perceptions. Query-based design channel and propagate modular integration. This prompts recent works incorporating large language models (LLMs) as the motion planner [44] or routing agent [45]. Still, the current end-to-end system focuses more on integration with perception that aligns predictions and planning, leaving paradigm discussions incorporating LLMs [46]. In HPP, we put more emphasis on modular co-design optimization, learning interactive hybrid prediction, and planning informed by perception under query-based integration.

III Hybrid-prediction Integrated Planning

The overview of our proposed HPP is shown in Fig.2, which is defined in Sec. III-A upon query-based modular co-design and optimization of ADS. In the upcoming sections, informed by BEV perception pipelines exhibited in Sec. III-B, HPP manages the framework co-design from MS-OccFormer in Sec. III-C for joint occupancy prediction, sharing mutual consistency with motion prediction in GTFormer. Here we elaborate its hierarchical reasoning model for interactive prediction and planning in Sec. III-D. Followed by hybrid prediction-aware Ego Planner in Sec. III-E, we frame the learning and optimization process for HPP reckoning hybrid prediction guidance in Sec. III-F.

III-A Problem Formulation

As shown in Fig. 2, HPP focuses on addressing integrated predictions and planning challenges for ADS. Informed by perception under BEV geometry, this learning-based system is founded by modular co-design and optimization. Modularized by Transformer basis, HPP leverages categorical queries 𝐐 to aggregate modular outputs and channel interactions as keys and values 𝐊,𝐕 by multi-head attention mechanism.

Refer to caption
Figure 3: Generic learning framework in MS-OccFormer: a) A single block of multi-scale marginal-conditioned occupancy predictor. Joint occupancy 𝐎^ is consistently integrated with marginal prediction features 𝐇trajA through global interactions and local refinements, and guided by iteratively updated learnable attention mask 𝐌; b) A Swin-T decoder for local interactions through shifted-window cross attention; c) Agent-wise fusion for marginal prediction features.

Given multi-view image inputs, the co-design of HPP begins with the perception backbone for BEV features . BEV perception further defines an ego-centered area of H×W with map 𝒮 and NA detected agents 𝒜A0:NA1 at current timestep t=0, where A0 denotes the ego vehicle. Based on scene context 𝐗={,𝒮,𝒜}, HPP aims to learn and optimize concurrently for hybrid prediction and planning modules. Specifically, over future horizon T, and set of queries 𝐐, joint predictions are defined as per-step occupancy probabilities 𝐎^1:T={oth,w|oh,w[0,1]H×W}t=1T for all neighbor agents. Simultaneously, the marginal future motions for all agents are defined by 𝐘^MA={(𝐲^m1:T,i,𝐩^mi)|m[1,M]}i=0NA1 denoting multi-modal future trajectories 𝐲^NA×M×T×2 and probability 𝐩^NA×M considering M modes of uncertainty. hybrid prediction-aware planning τ1:TT×2 is queried by plan context . Subsequently, HPP formulates a collective objective for modular learning, and cost criteria 𝒞 for optimized hybrid prediction guided planning τT×2. In general, HPP is formulated as:

𝐘^MA,𝐎^1:T,τ1:T =f(𝐗,𝐐,|θ), (1)
τ=argminτ 𝒞(τ,𝐗,𝐘^,𝐎^),

where f denotes the co-design of HPP, and θ is the model parameters. Specific co-design and formations for each module in HPP are illustrated in the following sections.

III-B Perception Scene Encoding

Perception pipelines in HPP aim to capture scene context 𝐗 with raw image inputs under BEV geometry. Scene contexts are then jointly encoded to catch their global relations.

III-B1 BEV Perception

In HPP, multi-view image features 𝐈6×Hin×Win×C are extracted via shared backbones [47] from raw image inputs. We leverage BEV encoder [39] to transform 𝐈 into BEV feature 𝒮 through recurrent top-down BEV queries QBH×W×D, where D denotes the hidden dimensions. Founded on BEV backbones, we utilize two DETR-like perception decoders [2] in extracting scene context features for agent 𝒜 and map 𝒮 from QB, following NA agent queries QANA×D and NM map queries QMapNM×D. Note that HPP focuses on integrated prediction and planning. Therefore, it is expected better results for HPP using more advanced BEV perception units.

III-B2 Scene Encoding

to model the global interactions between scene elements with BEV perceptions, we inherit from our previous work [48, 9] to gather and encode separate visual and vectorized scene context features. Specifically, visual features are encoded by BEV queries QB, and the scene features for map and agent are concatenated and encoded as Qs=[QMap;QA](NA+NM)×D, where [;] denotes concatenations. Encoded results 𝐗={QB,QMap,QA} are then served as input for HPP co-design integrating predictions and planning.

III-C Ms-OccFormer

HPP formulates joint predictions as occupancy 𝐎1:T consistently with BEV geometry in perception. To further tackle the consistency challenges between hybrid prediction, in HPP we propose MS-OccFormer spotlights twp aspects, i.e. Marginal-conditioned occupancy that defines tractable predictions, and Multi-scale prediction-wise integration that deals with the interactive alignments with different granularity. Illustrated in Fig. 3, MS-OccFormer utilizes a streaming-based pipeline to roll out the future horizon T , decoding per-step occupancy prediction based on L levels integration of succeeded step features.

III-C1 Modular Queries

we leverage occupancy queries QoccH×W×D in multi-scale aggregating for positional and perception features: Qocc=MLP([PE(IB);QB]). Positional grids IB×H×W×2 are encoded using sinusoidal PE() and transformed by multi-layer perceptron (MLP). We further downsample Qocc under L levels {Qoccl,0H2l×W2l×D}l=L0 to recurrently query multi-scale interactions.

III-C2 Marginal Dependencies

To fully extract the interactive marginal prediction features, we conduct an agent-wise fusion (see Fig. 3c) that leverages the marginal future 𝐘^MA outputs from GTFormer (Sec. III-D). Multi-modal motion features QMANA×M×D are fused with marginal features 𝐇MA=MLP(PE(𝐲^)) and projected by each horizon:

𝐇trajA=MLP1:T(𝐩^(QMA+𝐇MA)+QA), (2)

where 𝐇trajAT×NA×D denotes the marginal features.

III-C3 Marginal-conditioned Occupancy

The primary challenge in formulating 𝐎1:TT×H×W lies in the intractability with marginal predictions that cause joint inconsistencies. Inspired by instance-level occupancy 𝐎1:TAT×H×W×NA [2] and conditional methods [24], we propose the marginal-conditioned occupancy prediction task. This models the consistent joint occupancy p(𝐎1:TA|𝐘MA,𝐗) over agent-wise marginal predictions. To associate uncertainty and mutual interactions, given final joint decoding features QoccL and marginal features 𝐇trajA, the marginal-conditioned occupancy will be eventually modeled by dot products:

𝐎1:TA=σ(QoccLMLP(𝐇trajA)T), (3)

where σ denotes the sigmoid function for per-grid probabilities. The original task can be then transformed back 𝐎1:T=maxA𝐎1:TA for co-design of other HPP modules:

III-C4 Multi-scale Prediction-wise Integration

aims to iteratively align multi-scale interaction features between hybrid prediction in decoding 𝐎1:TA.In Fig. 3a, multi-scale succeeded occupancy features {Qoccl,t1}l=1L query aligned marginal features by attentions at different granularities from two-stage Transformer decoders.

The global integration stage leverages the vanilla Transformer decoders to perform per-grid interactions from flattened high-level joint features QoccL,t1 with marginal ones. Subsequently, with the upscaling of occupancy features {Qoccl,t1}l=1L1, the local integration stage focuses on capturing consistency from partial joint behaviors with marginal features. This motivates us to design shift-window multi-head cross-attention (SW-MCA), inspired by SW-MSA in [49]. As depicted in Fig. 3b, we employ the rolling process to simultaneously capture local interactions under shifted windows attention.

To ensure interactive consistency across multi-scale integration, we devise a learnable attention mask 𝐌1:TlT×H2Ll×W2Ll×NA for Transformer decoder that iteratively refines upon interaction results from the previous scale. This aligns the attention modeling based on the previous results Shown in Fig. 3a, for each level, the attention mask gets updated with agent-conditioned occupancy on the current scale level:

𝐌^l=σ(QocclMLPl(𝐇trajA)T). (4)

The attention masks are then iteratively updated following:

𝐌l=λmUpsample(𝐌l1)+(1λm)𝐌^l, (5)

where λm=0.5 is the update factor. In general, given Transformer decoder at certain stage as Trans, the prediction-wise integration under scale l of timestep t is defined as:

Qoccl,t=Trans(q=Qoccl,t1,k,v=𝐇trajA,t,m=𝐌tl). (6)

Output joint occupancy features QoccL will be eventually fused via Equ. 3 for conditioned occupancy predictions 𝐎^1:TA.

Refer to caption
Figure 4: a) A single-step reasoning layer of GTFormer. Level-K reasoning queries interactive behaviors hierarchically for all agents QMA in predictions and planning. Meanwhile, it considers interactions with scene context QA,QMap and joint predictive BEV features 𝐇occ; b) Occupancy fusion for joint prediction features; c) hybrid-prediction aware Ego Planner conditioned on plan context.

III-D GTFormer

In HPP, ensuring interactive consistency between motion predictions and planning involves the introduction of GTFormer. As depicted in Fig. 4, GTFormer formulates future interactive behaviors as a game-theoretic reasoning process, simulating hierarchical reasoning through K-layers stacked Transformer decoders. Beyond the uniform agent-wise reasoning model of our previous work [34], GTFormer collaborates with MS-OccFormer (Sec. III-C), modeling occupancy interactions to modulate joint future behaviors at each level of reasoning.

III-D1 Modular Queries

We leverage motion queries QMANA×M×D to initialize agent-wise interactive reasoning with multi-modal motion intentions IANA×M×2 and agent perception features by: QMA=MLP([PE(IA);QA]).

III-D2 Joint Dependencies

We transform joint occupancy predictions 𝐎^1:TT×H×W with positional features IB to align with continuous geometry for predictions and planning. Shown in Fig. 4b, we conduct a multiplication with max-pooling to encode occupancy positional features with BEV semantics:

𝐇occ=ResConv(maxTConv(PE(IB)𝐎^)+Qocc), (7)

where Conv and ResConv represent convolutional projections and residual layers, respectively. The joint features 𝐇occH×W×D are then interacted with all agents.

III-D3 Game-Theoretic Transformer Layer

We employ level-k games to model the GTFormer layer (see Fig. 4a) for future interactive behaviors of all agents. Inherited from our previous work [34], we denote agent-wise multi-modal predictions and planning 𝐘^MA as player policy {πi}i=0NA1. For each player i, the reasoning process is defined as a K-times iterations of policy conditioned on the opponents ¬i policy from last reasoning level: πik(𝐘Mi|π¬ik1,𝐗),k[1,K1]. Specifically, the level-0 policy is reasoned independently: πi0(𝐘Mi|𝐗). We leverage the Gaussian mixture model (GMM) to outline the uncertainty for predictions and planning policy as:

πik=m=1Mp(𝐩^mi|π¬ik1,𝐗)t=1Tϕ(𝐲^mt,i,σ^mt,i|π¬ik1,𝐗), (8)

where ϕ and σmt,iNA×M×T×2 represent the density function and variance, respectively for 2D Gaussian distributions.

Specifically, a single layer of GTFormer is shared by level-k policy π0:NA1k (Fig. 4a) across all agents. The kth layer starts with a multi-head self-attention (MHSA), named Mode2Mode for last level motion queries QM,k1ANA×M×D to model future interactions across modalities. Four multi-head cross-attention (MHCA) are devised for QM,k1A to aggregate the policy conditions separately for reasoning. (1) GT-reasoning interacts with last level components policies π0:NA1k1. Fused by Equ. 2 with 𝐩^M,k1¬A and 𝐲^M,k1¬A, components features are filtered by future mask [34] to query future reasoning behaviors as FGTk. (2) Mode2Agent and (3) Mode2Map outlines the scene context interactions of agents QA and maps QMap as FAk and FMapk. (4) Mode2Occ leverage deformable MHCA (DCA) [39] to model the future interactions with joint occupancy feature. 𝐇occ is queried by A set of offsets ΔNA×M×Np×2 referenced by 𝒫(𝐲^M,k1A) transformed to pixel coordinate. Np referenced occupancy are then aggregated as Focck for each agent. In general, all interactive features are concatenated to update the motion query:

QM,kA=FFN([FGTk+FAk;FMapk;Focck]), (9)

where FFN() denotes the feed-forward layers for residual MLPs and layer-norm. We omit the reasoning attention of FGT0 at k=0 for independent future policies. Eventually, updated motion queries QM,kA are passed through score and trajectory decoders for reasoned GMM policies of predictions and planning.

III-E Ego Planner

HPP introduces the Ego Planner depicted in Fig. 4c. Ego Planner specifies planning-oriented conditions based on the planning reasoning policy π0K1. The co-design of HPP facilitates a hybrid-prediction aware Ego Planner that collaborates with GTFormer and MS-OccFormer, defined as p(τ|π0K1,𝐘^,𝐎^,,𝐗). This is essential as the game-theoretic process in GTFormer (Sec. III-D) simply models ego planning uniformly with other agents.

III-E1 Modular Queries

In the context of target-driven planning, we define plan queries Q1×D that integrate planning reasoning features QM,K10 using plan context through a max-pooling fusion by: Q=maxMMLP([QM,K10;𝐇]). Here, 𝐇1×D encompasses global target features 𝒢1×D for encoded navigation commands or coordinates, traffic light features TL1×D, and optional ego status 𝐬ego1×D for ego speed and heading {v,ψ}.

III-E2 Hybrid Predictions Dependencies

We directly utilize a stack of Lp interaction Transformers parts in the GTFormer layer (Fig. 4a) to model future joint interactions 𝐎^ and marginal interactions 𝐘^, informed by reasoned planning features and target-conditioned planning queries Q. The GT-Reasoning module incorporates hybrid prediction awareness for marginal motion interactions 𝐘^M,K1¬A, while the Mode2Occ module handles joint occupancy interactions 𝐎^1:T. By aggregating interactive future behaviors from hybrid prediction, plan queries pass through an identical motion decoder, resulting in a refined planning trajectory τT×2.

III-F System Learning and Optimization Design

We present a collaborative learning and optimization paradigm for the HPP system. With detached BEV backbones, the co-designed framework undergoes a two-stage training process: 1) warm-up learning of two perception decoders using perception objectives per [2]; 2) end-to-end supervised learning using all modular objectives as:

=per+occ+GT+plan. (10)

During inference, hybrid-prediction guided optimization refines the planning τ by minimizing cost functions 𝒞. In the following, we elaborate on modular objectives, costs, and co-optimization strategies.

III-F1 Modular Objectives

For precise prediction of marginal-conditioned occupancy 𝐎^1:TA in MS-OccFormer, we employ a combination of top-k BCE loss and Dice loss [2] jointly for 𝐎^1:TA and 𝐌1:T, for balanced predictions of occupancy probabilities: occ=BCE+λDiceDice, with λDice=5.

To capture the hierarchical reasoning process for all agents in GTFormer, the min-max objectives for policy in level-k consist of ILk, minimizing imitative behaviors, and colk, maximizing the interactive distance. The overall objective is defined as GT=k=0K1(ILk+λcolcolk). Here, ILk represents the negative log-likelihood (NLL) loss for reasoning policies π0:NA1k, with the closest final displacement errors (FDE) for each agent as a positive mixture:

ILk=i=0NA1t=1Tm=1M𝟏(m=m^i)NLL(𝐲^mt,i,σmt,i,𝐩^mi), (11)

where m^ denotes the positive index, NLL is defined as:

NLL=logσx+logσy+12((Δxσx)2+(Δyσy)2)log(p), (12)

Here σx,σyσmt,i and Δxy=𝐲xyt,i𝐲^m,xyt,i. We leverage cross-entropy loss for 𝐩^mi in updating scoring. For interactive loss colk, it is modeled by maximize L2 distance 𝒟 for closest trajectories within dcol under last level component policies:

colk=i=0NA1t=1Tm=1Mmaxj¬i,M𝟏(𝒟<dcol)(1+𝒟(𝐲^mi,t,k,𝐲^Mj,t,k1)). (13)

To perform refined planning τ in Ego Planner, it is learned with L2 distance 𝒟: plan=𝒟(τ,𝐲0).

III-F2 Cost Profiles

The cost function profiles encompass diverse cost terms {ci}, taking into account various aspects of planning performance, categorized as: driving progress, comforts, adherence to rules [9], and, crucially, safety. Importantly, the planning safety is defined by Gaussian potential fields incorporating joint 𝐎^ and marginal 𝐘^ predictions. Motivated by complementary safety guidance by hybrid prediction, the explicit catalog is as follows:

ctsafe=𝐎^tx,yD1ϕ(τt,O^t)+i=1NA1m=1My^tD2ϕ(τt,y^mt,i). (14)

Here, ϕ represents the Gaussian density functions as in Equ. 8. 𝐎^tx,y=𝒫1(𝐎^th,w) denotes the occupied coordinates, and y^mt,i is derived from reasoned results of 𝐘^M,K1A. Each potential field is subjected to masking by a distance threshold D1=5,D2=3 towards planning trajectories.

III-F3 Optimization

The optimization for hybrid prediction-guided planning is defined as an open-loop optimization problem under finite horizons. The general formulation is as follows:

𝐮=argmin𝐮12iωici(𝐮,𝐗,𝐘^,𝐎^)2, (15)

where 𝐮 is the planning variable, and ωi denotes the weight for cost function ci. For generalized ADS, HPP solves this optimization problem according to different criteria:

Reference routes: Suppose an accessible reference route Lref×dref that is densely interpolated, HPP transforms all cost profiles under Frenet coordinates to alleviate optimization difficulties. Each reference point r is assigned with tangential and normal vectors: [tr,nr]. The Cartesian coordinate y=(x,y) can then be transformed to r=(s,d) via:

y(s(t),d(t))=r(s(t))+d(t)nr(s(t)). (16)

Path planning: This handles trajectories of lower frequency for the ego vehicle. Direct optimization is performed for τ=𝐮 from the Ego Planner, producing the optimized path τ. Only the safety cost is considered in this operation.

Motion planning: This addresses per-step future states of the ego vehicle. Optimization is conducted using model predictive control (MPC) for control actions 𝐮=[a,δ]1:T based on inverse dynamics: 𝐮t=𝒯1(τt+1,τt) [36]. The optimal motion planning is then transformed back through forward dynamics: τt+1=𝒯(τt,𝐮t) after optimizations.

To solve this non-linear optimization problem, as illustrated in Equ. 15, we utilize the Gauss-Newton method [50]. that iteratively refines the planning variable as the initial value. The cost weights can be meticulously designed or learned directly, as the entire optimization process is fully differentiable [3].

IV Experiments

In this section, we first introduce the experimental settings for the proposed HPP, including testing benchmarks, evaluation metrics, and detailed implementations. Subsequently, HPP is quantitatively compared against existing state-of-the-art methods and systems in predictions and planning. Discussions on ablation studies unveil the effectiveness and mechanism of modular co-design optimizations for HPP. Qualitative results further ablate the characteristics of HPP against certain state-of-the-art baselines.

IV-A Experimental Setup

IV-A1 Testing Benchmarks

To discover the comprehensive performances in predictions and planning for HPP, we summarize three questions to be tackled by benchmark testing: (1) How is the capabilities of HPP as full-stack ADS under interactive real-world cases? (2) How is the long-term horizon performance of HPP in interactive real-world scenarios? (3) How is the long-term driving functioning by HPP in continuous realistic scenarios? These prompt benchmarks accordingly:

(1) nuScenes dataset [51]: This dataset is among the largest and most widely used for full-stack autonomous driving. It includes over 1,000 20-second frames of driving scenarios annotated at 2 Hz, covering four cities worldwide. Benchmarked evaluations [2] involve 6,019 frames for all tasks of ADS under open-loop settings. Testing horizons are defined at T=3s and T=6s for motion predictions.

(2) Waymo open motion dataset (WOMD) [52]: Utilized for long-term motion evaluations, it is the largest real-world dataset for interactive scenarios. It comprises 104,000 20-second frames representing unique scenarios, marked at 10 Hz, and encompasses over 570 km of driving and 1750 km of roadways. To assess long-term real-world performance in planning and motion predictions, evaluations are systematically conducted in the SMARTS benchmark [34]. This includes 400 highly interactive scenarios, each lasting 9 seconds, featuring representative behaviors. Autonomous vehicles are tasked with 5-second long-term planning and predictions in both open-loop and closed-loop configurations. Closed-loop testing involves leveraging the log simulator to replay driving scenarios for online interactions. To further examine the performance of joint predictions in HPP, the system is tested on the Waymo Occupancy Predictions benchmark [53]. This involves predicting over 44,000 driving scenes of occupancy and flow within an 8-second timeframe at a frequency of 1 Hz.

TABLE I: nuScenes Open-loop Planning Testing Results (: Lidar inputs; : Ego status; : Augmentations)
Methods Collision rate (%) Planning error (m)
@1 s @2 s @3 s Avg. @1 s @2 s @3 s Avg.
NMP [54] - - 1.92 - - - 2.31 -
SA-NMP [54] - - 1.59 - - - 2.05 -
FusionAD†‡ [15] 0.02 0.08 0.27 0.12 - - - 0.81
FF [55] 0.06 0.17 1.07 0.43 0.55 1.20 2.54 1.43
EO [56] 0.04 0.09 0.88 0.33 0.67 1.36 2.78 1.60
OccNet [57] 0.21 0.59 1.37 0.72 1.29 2.13 2.99 2.13
UniAD [2] 0.05 0.17 0.71 0.31 0.48 0.96 1.65 1.03
HPP 0.03 0.07 0.35 0.15 0.30 0.61 1.15 0.72
HPP 0.03 0.17 0.68 0.29 0.48 0.91 1.54 0.97
Avg. Metrics @1 s @2 s @3 s Avg. @1 s @2 s @3 s Avg.
ST-P3 [4] 0.23 0.62 1.27 0.71 1.33 2.11 2.90 2.11
VAD-Base [5] 0.07 0.10 0.24 0.14 0.17 0.34 0.60 0.37
VAD-Base [5] 0.07 0.17 0.41 0.22 0.41 0.70 1.05 0.72
DeepEM [58] 0.05 0.15 0.36 0.19 0.25 0.45 0.73 0.48
HPP 0.02 0.04 0.11 0.06 0.26 0.37 0.59 0.40
HPP 0.03 0.08 0.24 0.12 0.41 0.61 0.86 0.63

(3) CARLA simulator [59]: We utilize the Longest6 benchmark [60] for long-term driving evaluations. The autonomous vehicle is assigned a T=2s horizons closed-loop planning task across 36 routes, ranging from 1.6 to 1.8 km, under various driving conditions in six CARLA towns.

IV-A2 Testing Metrics

We adhere to the original benchmarks in the testing metrics configurations. Coinciding with the contributions of HPP, the devised metrics primarily focus on three aspects, i.e., Accuracy, Consistency, and Safety for predictions and planning. Detailed metrics are listed as follows:

(1) Occupancy prediction: Intersections over Union (IoU) and Area Under the Curve (AUC) [61] quantify the overall and per-grid prediction accuracy for occupancy. Video Panoptic Quality (VPQ) [62] is adopted to assess the consistency of occupancy across marginal agents and perceptions.

(2) Motion prediction: Prediction accuracy is assessed using minimum average and final displacement errors (minADE, minFDE) for trajectories, as well as miss rate (MR) for each agent[52]. Consistency is tested through joint displacement errors (JADE, JFDE) for all agents[34], along with End-to-End Prediction Accuracy (EPA) [63] over perceptions.

(3) Planning: For open-loop testing, planning accuracy is evaluated using displacement errors (DE)[2] and the average distance [5]. Consistency in predictions and safety is assessed through collision rates (CR) [64]. In closed-loop settings, external measurements include infractions (IS), vehicle collisions (CV), routes completion (RC), and a driving score (DS) that encompasses overall driving performance [59].

IV-A3 Implementation Details

For fair comparisons, HPP is configured according to each benchmark with carefully devised learning pipelines and system architectures. In the nuScenes dataset, full-size training is conducted with a total batch size of 4. For planning, 10% of the full training set is randomly sampled, and the full set is utilized for the occupancy benchmark in WOMD. Learning occurs in batches of 24. The expert dataset from the CARLA benchmark [28], collected in different towns, is directly used for training in batches of 32.

Training strategies for all benchmarks are aligned using a distributed strategy on four NVIDIA A100 GPUs. The AdamW optimizer is employed with an initial learning rate of 1e-4, and a cosine annealing learning rate strategy is applied. The total number of training epochs is set to 20. We apply the same GPU devices for nuScenes and WOMD for testing. Evaluations for the CARLA benchmark are conducted in one NVIDIA RTX 3080 GPU.

For system architectures, HPP establishes BEV perception ego-centered within ±50 m of H,W=200 in nuScenes. In WOMD and CARLA benchmarks, privileged perceptions are assumed. Therefore, HPP is developed by encoding perfect scene context inputs according to our previous work [34, 65]. For CARLA benchmarks, BEV remains ego-centered within ±32 m of H,W=128. BEV settings for WOMD follow the official benchmark guidelines. Path planning is optimized without knowledge of reference routes in nuScenes and CARLA. In WOMD, motion planning is conducted considering reference information. The full-stack HPP in nuScenes considers various queries for agents. In WOMD and CARLA, agents are sorted and filtered to NA=11. We select the ReLU activation function and apply a dropout rate of 0.1. We refer more detailed parameters with notations in Table XII.

IV-B Main Results

IV-B1 Full-stack ADS Performance

We report HPP’s testing performance against recent state-of-the-art methods on the nuScenes dataset. HPP has achieved state-of-the-art results across various key metrics in both prediction and planning.

TABLE II: Open-loop Planning Compared with LLMs (: Ego status)
Methods Collision rate (%) Planning error (m)
@1 s @2 s @3 s Avg. @1 s @2 s @3 s Avg.
GPTDriver [44] 0.07 0.15 1.10 0.44 0.27 0.74 1.52 0.84
Agent-Driver [45] 0.02 0.13 0.48 0.21 0.22 0.65 1.34 0.74
HPP 0.03 0.07 0.35 0.30 0.61 1.15 0.72 0.15
TABLE III: Testing Results on nuScenes Occupancy Prediction
Methods IoU-n. IoU-f. VPQ-n. VPQ-f.
FIERY[66] 59.4 36.7 50.2 29.9
StretchBEV[41] 55.5 37.1 46.0 29.0
ST-P3[4] - 38.9 - 32.1
BEVerse[40] 61.4 40.9 54.3 36.1
PowerBEV[67] 62.5 39.4 55.5 33.8
UniAD[2] 63.4 40.2 54.7 33.5
HPP 64.8 40.5 56.4 34.7

(1) Planning results: Described in Table I, HPP achieves state-of-the-art (SOTA) results across all planning horizons (@1 s-@3 s) against various autonomous driving systems in both absolute metrics [2] and average ones [5]. Specifically, HPP presents a 5.9% lower average L2 errors and a 6.5% lower average collision rate compared to UniAD [2], utilizing identical BEV perceptions. This showcases the validity of the modular co-design for HPP in predictions and planning.

In average metrics, HPP reports a 12.5% improvement in planning errors against VAD [5] which highlights superior perception modules. The reasoning design for HPP manifests with a 30% lower collision rate compared to DeepEM [58], which also features reasoning by EM decoding and extra de-noising augmentations. Compared with methods leveraging ego-status 𝐬ego, a variant of HPP adding ego-status (denoted HPP) in Ego Planner (Sec. III-E) is trained with boasting results. HPP does not include accelerations in [5] as leakage of ground-truths. In comparison with FusionAD [15], which depends on excessive LIDAR fusion, HPP also demonstrates an 11.8% lower planning error with comparable safety. Our system also exhibits 2.8% lower errors and nearly 20% lower collision rates compared to LLM methods (see Table II). This further substantiates the effectiveness of modular integration of predictions in planning-oriented objectives, as LLM baselines focus more on alignments by language knowledge.

(2) Predictions results: Joint results of occupancy predictions are tested in two ranges (near: 30×30 m; far: 50×50 m) centered on the autonomous vehicle. Shown in Table III, HPP presents advanced accuracy +2.5% and consistency +3.7% compared to [2], thanks to proposed Ms-OccFormer that integrate mutually with motion predictions. Validity of modular co-design in HPP is further manifested by +4% and +1.6% improved IoU and VPQ without extra augmentations, compared with [67] learning single occupancy task.

Marginal results of motion predictions are presented in Table IV. Here, we compare the prediction results averaged from all vehicles (-v.) and measure full agent (-f.) results weighted by categories. HPP reports a 2.8% lower minADE and a +3.2% EPA gain in vehicle predictions, with 3.7% and +6% improved performance predicting all agents compared to baselines [2] under the same perception settings. This highlights the performance gain achieved through game-theoretic reasoning and joint dependencies in GTFormer (Sec. III-D).

TABLE IV: Testing Results on nuScenes Motion Predictions
Methods minADE minFDE MR. EPA
ViP3D[63] 1.15 1.95 22.6 0.222
PnPNet[38] 2.05 2.84 24.6 0.226
UniAD-v.[2] 0.71 1.02 15.1 0.456
UniAD-f.[2] 0.911 1.236 15.1 0.314
HPP-v. 0.682 0.947 13.8 0.471
HPP-f. 0.878 1.205 14.5 0.334
TABLE V: Testing Results on Waymo Occupancy Flow Benchmark
Methods AUC AUC EPE AUC
-obs. -occ. -f. -FT
MotionPerceiver 77.1 - - -
OFMPNet 77.0 16.5 3.58 76.1
STCNN 74.4 16.8 3.87 73.3
HOPE[20] 80.3 16.5 3.67 83.9
STrajNet[48] 77.8 17.8 3.20 78.5
VectorFlow[21] 75.4 17.3 3.58 76.7
HPP 79.7 19.4 2.95 80.2

It is important to note that HPP focuses on predictions and planning rather than perception. Prediction results could potentially be further enhanced with better perceptions [5] or additional LIDAR inputs [15]. However, HPP still outperforms in final planning results, demonstrating better social compliance denoted as our contributions.

IV-B2 Long-horizon Interactive Performance

We benchmark HPP’s long-horizon performance under WOMD. HPP has underscored advanced performances against numerous SOTA methods in predictions and planning.

(1) Occupancy results: Shown in Table V, HPP demonstrates superior prediction accuracy (+8.8% AUC-occ.) and lower flow error (9.1% EPE-f.) when considering joint flow predictions. The explicit design of MS-OccFormer in HPP has proven its strong accuracy compared to our previous work [65], which only conducts global interactions without marginal awareness. HPP presents a +2.4% improvement in AUC-obs. and +2.2% in flow-traced occupancy.

TABLE VI: Open-loop Planning Testing Results on WOMD Scenarios (SMARTS Benchmark)
Method Collision rate Miss rate Planning error (m) Prediction error (m)
(%) (%) @1 s @3 s @5 s JADE JFDE
Vanilla IL [3] 4.25 15.61 0.216 1.273 3.175
DIM [68] 4.96 17.68 0.483 1.869 3.683
OPGP [9] 3.79 12.89 0.245 1.672 3.099
MultiPath++ [69] 2.86 8.61 0.146 0.948 2.719
MTR-e2e [19] 2.32 8.88 0.141 0.888 2.698
DIPP [3] 2.33 8.44 0.135 0.928 2.803 0.925 2.059
GameFormer [34] 1.98 7.53 0.129 0.836 2.451 0.853 1.919
HPP 1.85 7.58 0.092 0.881 2.667 0.829 1.965
TABLE VII: Close-loop Planning Testing Results on WOMD Scenarios (SMARTS Benchmark)
Method Success rate Progress Acceleration Jerk Lateral acc. Position error to expert driver (m)
(%) (m) (m/s2) (m/s3) (m/s2) @3 s @5 s @8 s
Expert - 54.52 0.529 1.020 0.103 - -
Vanilla IL [3] 0 6.23 1.588 16.24 0.661 9.355 20.52 46.33
RIP [68] 19.5 12.85 1.445 14.97 0.355 7.035 17.13 38.25
CQL [70] 10 8.28 3.158 25.31 0.152 10.86 21.18 40.17
DIPP [3] 68.12±5.51 41.08±5.88 1.44±0.18 12.58±3.23 0.31±0.11 6.22±0.52 15.55±1.12 26.10±3.88
GameFormer [34] 73.16±6.14 44.94±7.69 1.19±0.15 13.63±2.88 0.32±0.09 5.89±0.78 12.43±0.51 21.02±2.48
HPP 74.28±5.49 47.17±8.92 1.33±0.18 11.68±2.76 0.35±0.09 4.93±0.78 10.24±0.82 18.99±3.05
DIPP (optim.) 92.16±0.62 51.85±0.14 0.58±0.03 1.54±0.19 0.11±0.01 2.26±0.10 5.55±0.24 12.53±0.48
GameFormer (optim.) 94.50±0.66 52.67±0.33 0.53±0.02 1.56±0.23 0.10±0.01 2.11±0.21 4.87±0.18 11.13±0.33
HPP (optim.) 92.25±0.85 52.19±0.41 0.66±0.02 1.87±0.28 0.10±0.01 2.13±0.29 4.90±0.26 12.89±0.38

(2) Open-loop results: Table VI reveals the compelling results of HPP over numerous state-of-the-art (SOTA) methods in open-loop prediction and planning. HPP achieves notable reductions of over 50% in collisions and 26% in planning errors compared to imitation learning baselines [3, 68] that discount predictions. When compared with SOTA motion prediction baselines as imitative planners, HPP also demonstrates 2.3% to 17.6% reductions in planning errors and 21.1% fewer collisions. This underscores the importance of integrated predictions and planning.

In comparison with integrated baselines, HPP presents significant improvements over the IOP framework [9] due to the absence of future interactions for planning and the intractable occupancy in IOP that hampers normal guidance. When compared with IPP systems, HPP delivers superior performance in collision rates (6.6%), joint prediction errors (2.9%), and comparable planning errors. Compared to the state-of-the-art results from our previous works [3, 34], which focus on modeling future interactions and reasoning (see Fig. 5), HPP exhibits superior short-term performance with reduced variance. This further validates the efficacy of co-design integration for joint predictions and planning upon reasoning in HPP.

Refer to caption
Figure 5: Open-loop predictions and planning results for IPP baselines in WOMD. HPP presents the best short-term performance with lower variance.

(3) Closed-loop results: In Table VII, HPP undergoes testing in a replay simulator against state-of-the-art IPP systems [34], IL methods [68], and RL approaches [70]. IL and RL results are significantly compromised due to accumulated distributional shifts in closed-loop interactions with the environment. HPP exhibits a higher success rate (+1.5%) and lower planning errors (13.2%) compared to our previous methods [34], thanks to the hybrid prediction-aware planner designed conditioned on goal context. The closed-loop performance sees substantial improvements with online optimizations. Due to the high cost of the occupancy process in raw data, HPP is re-planned by online refinements at 2 Hz. Testing results demonstrate strong performance against our previous methods [34], which re-plan more frequently at 10 Hz, achieving 8.5% lower closed-loop positional errors by [3].

TABLE VIII: Testing Results on CARLA Longest6 Benchmark
Methods DS RC IS CV
Rule-Based[59] 38.0 29.1 0.84 0.64
KING[36] 45.1 78.3 0.55 1.67
Roach[71] 55.3 88.2 0.62 0.72
PlanT[28] 70.9 83.1 0.87 0.31
HPP 65.5 79.2 0.82 0.51
TABLE IX: Ablation study on modular co-design integration among predictions and planning
ID MS-OccFormer(wo.) GTFormer(wo.) EgoPlanner (wo.) Occupancy Prediction Motion Prediction Planning
Score Motion AC-Occ. Score Motion Occ. Motion Occ. IoU-n. IoU-f. VPQ-n. VPQ-f. minADE MR EPA ADE CR
1 - - - - - - - 63.5 40.0 54.5 33.7 0.733 16.1 45.6 0.989 0.428
2 - - - - - - - 63.1 39.4 53.6 32.8 0.739 16.2 44.8 0.994 0.441
3 - - - - - - 61.9 39.6 50.8 30.9 0.748 16.6 43.8 1.015 0.466
4 - - - - - - - 63.7 39.8 55.0 33.3 0.728 15.9 45.0 0.986 0.402
5 - - - - - - - 63.5 39.5 54.6 33.5 0.734 16.4 44.8 0.992 0.432
6 - - - - - - 63.5 39.6 54.8 33.0 0.747 16.2 44.2 0.998 0.436
7 - - - - - - - 63.6 39.8 55.0 33.4 0.726 16.0 45.7 0.989 0.414
8 - - - - - - - 63.5 39.7 54.7 33.3 0.721 15.6 45.4 1.012 0.458
9 - - - - - - 63.5 39.8 54.8 33.4 0.726 15.9 45.7 0.997 0.449
0 - - - - - - - - 63.7 39.8 55.0 33.5 0.724 15.9 45.8 0.985 0.402

IV-B3 Long-term Driving Performance

HPP demonstrates comparable driving capabilities against the state-of-the-art method [28] in the CARLA benchmark (Table VIII). With significant improvements over rule-based agents [59], HPP achieves a +20.4 driving score compared to IPP methods [36], which guide planning by adversarial predictions, as well as a +12.2 improvement compared to RL methods [71]. Noted that both HPP and the reproduced [28] () show compromised route completions (RC), likely due to GPU inference issues111https://github.com/autonomousvision/plant/issues/17.

Refer to caption
Figure 6: Qualitative ablations of multi-scale attention masks 𝐌1:T compared with occupancy predictions 𝐎^1:T and the ground-truth 𝐎1:T. Aligned results from multiple granularities under scenarios a) and b) reveal the validity of multi-scale prediction-wise integration design in MS-OccFormer (Sec. III-C4).

IV-C Ablation Studies and Discussions

To unleash the internal effectiveness in HPP, comprehensive ablation studies are conducted in nuScenes centered on discussing the roles in modular co-design and characteristics for hybrid prediction in planning guidance.

IV-C1 Roles in Modular Co-design

To elicit the effectiveness of co-design among each module, as presented in Table IX, we purposefully remove certain key designs for integration across each sub-module. Referred to ID 1-9, all ablated baselines are compared to the original HPP (ID.0). Detailed discussions are as follows:

(1) Effects in Ms-OccFormer: For marginal dependencies (Sec. III-C2), when removing score scaling (ID.3 vs. ID.0), we observe a slight trade-off under occupancy range (-0.5 VPQ-n. vs. +0.2 VPQ-f.), with increased collisions (+0.026%). This indicates the scaling captures multi-modal features for joint predictions and enhances the shared occupancy area nearby. Removing motion fusion (ID.2) causes inclusive decreases for lack of marginal alignments. Greater decreases are observed (-1.2 IoU-n. and -3.7 VPQ-n.) in removing agent-conditioned occupancy modeling. It highlights the importance of future interactions and validates the consistency towards motion predictions (2.4% lower for prediction errors). Results in planning also reflect more contributions in near-scale joint prediction interactions to planning. Comparing ID.2 and ID.3, without sacrificing far-scale occupancy (-1.2 IoU.-n vs. +0.2 IoU-f.), the planning errors and collisions increase along with a drop in near-scale prediction accuracy. For the key design of multi-scale predictions integration, qualitative (see Fig. 6) and quantitative ablations (Table X) have demonstrated notable improvements from multi-scale attention mask update design (+1.2 IoU-n.) as well as local integration (+1.0 VPQ-n.) for prediction consistency.

(2) Effects in GTFormer: As the core module that enables reasoning capabilities for consistent predictions and planning, we try to discover roles by removing marginal and joint predictions in GTFormer. Compared ID.4 with ID.5, the removal of the reasoning module had a thorough drop, especially planning (+0.03% CR) and motion predictions (+3.1% MR). This highlights the importance of reasoning in consistency and accuracy for future interactions. Meanwhile, considering ID.5 and ID.6, the increase of prediction errors (+1.7% minADE) implies that joint dependencies (Sec. III-D2) are the key in consistent motion predictions upon GT-reasoning. This reflects an enhanced mutual consistency modulated by interactive modeling between joint and marginal predictor co-design.

TABLE X: Ablations on multi-scale prediction-wise integration
Baselines IoU-n. IoU-f. VPQ-n. VPQ-f.
w/o. global integration 61.6 38.8 52.0 31.9
w/o. local integration 61.8 38.8 52.8 32.1
w/o. attn. mask Mt 62.5 39.0 53.8 32.4
HPP 63.7 39.8 55.0 33.5
Refer to caption
Figure 7: Qualitative results of full-stack open-loop testing on nuScenes [51]. Each Sub-figure renders hybrid prediction (in green and violet) and planning (in red) under camera view (left with rendered trajectories and bounding boxes) and BEV space (right). HPP is compared with [2] under several driving scenarios featuring specific interactions: a) Cruising through intersections; b) Driving across a crowded roundabout; c) Yielding to pedestrians on crosswalks; d) Lane keeping in fork roads.
TABLE XI: Ablation study on hybrid prediction guidance for planning
ID col Occ. Most-likely Full-motion Collision rate (%) Planning error (m)
@1 s @2 s @3 s Avg. @1 s @2 s @3 s Avg.
1 - - - - 0.11 0.31 0.73 0.39 0.19 0.53 1.13 0.61
2 - - - 0.07 0.22 0.64 0.31 0.18 0.52 1.09 0.60
3 - - 0.05 0.11 0.60 0.25 0.19 0.52 1.10 0.60
4 - - 0.04 0.09 0.53 0.20 0.19 0.52 1.10 0.60
5 - - 0.03 0.14 0.45 0.20 0.30 0.61 1.16 0.72
6 - 0.03 0.14 0.44 0.20 0.31 0.61 1.17 0.72
0 - 0.03 0.07 0.35 0.15 0.30 0.61 1.15 0.72

(3) Effects in Ego Planner: Validating the roles of plan-conditioning design compared to our previous work [34] in Sec. IV-B2, we further examine the effects of hybrid prediction interactions. In ID.9, we observe marginal improvements in predictions (+0.2 IoU, +0.1 EPA) and more significant enhancements (0.047% CR) in planning with the inclusion of hybrid prediction interactions. This underscores the consistency modeling contributed along with the HPP design. Ablations from ID.7 and ID.8 further suggest a substantial impact of interactions with occupancy predictive features (0.056% CR) over marginal ones (0.012% CR) on planning. Solely motion conditional planning (ID.8) outputs overly optimistic motion predictions (-0.3 MR). This in turn harms the original game-theoretic reasoning, resulting in inferior planning (+0.035% CR). These results underscore the modulating effect of joint dependencies in both consistencies for planning and motion predictions.

IV-C2 Roles in hybrid prediction

To further delve into the characteristics of marginal and joint predictions, listed in Table XI, the original HPP (ID.0) is measured with ablations (ID.1-6) guiding: reasoning loss (col); marginal predictions (most likely, full); and joint predictions (Occ.) during learning and optimizations. Key findings are summarized below:

(1) Consistent reasoning: Comparing ID.1 and ID.2, significant safety improvements (25.8% CR) highlights the consistency role for marginal predictions in reasoning learning (col). Joint predictions in HPP are leveraged to guide internal marginal consistency that modulates planning.

(2) Complementary influences: hybrid prediction benefit planning in mutual coverage gains compared with sole guidance (33% CR) in ID.4 and ID.5. This is enhanced upon consistency design in HPP. 1) Compared with ID.3, guiding with full motion predictions (ID.2) spawns safe planning (20% CR) without sacrificing accuracy. 2) A good alignment in hybrid prediction results in close performance in ID.5 and ID.6 adding the most likely marginal prediction. These mutual effects ascertain the planning performance in case either of the hybrid prediction is less functioning due to: (1) state error for pose and speed; (2) future uncertainty; or (3) discontinuation under spatial temporal horizons.

Refer to caption
Figure 8: Qualitative comparison of HPP with SOTA integrated prediction and planning methods [3, 34] in WOMD [52]. Performances integrated motion predictions (in blue), planning (red), and occupancy predictions (violet in separated sub-figures) are rendered with ground truth (black dotted lines) and scene context. All systems are compared with highly interactive scenarios: a) Crossing an unsignalized intersection with an incoming vehicle; b) Unprotected left-turn with a potential take-over vehicle; c) Cruising a five-point intersection with heavy traffic; d) Merging in a highway; and e) Right-turn with heading cyclist and low-speed vehicle.

IV-D Qualitative Results

Figs. 7 and 8 showcase the qualitative benefits of integrating hybrid prediction in the nuScenes [51] and WOMD [52] benchmarks, respectively. In the comprehensive testing scenario depicted in Fig. 7a, joint guidance from occupancy ensures consistent motion predictions during cruising. Notably, Fig. 7b demonstrates that hybrid prediction awareness contributes to consistent planning, enhancing reasoning behavior for smooth cruising without overly conservative avoidance, thereby mitigating risks near lane boundaries. Fig. 7c further illustrates the complementary effects, where motion predictions take precedence in guiding planning when occupancy is uncertain. The mutual influence is evident in Fig. 7d, where the ego vehicle remains in the lane instead of avoiding, as the occupancy predictions for rear cyclists are constrained by marginal predictions to follow a straight trajectory, maintaining a safe distance from the ego vehicle.

In Fig. 8, qualitative assessments of WOMD interactive scenarios underscore HPP’s superior reasoning capabilities and safety-conscious planning. In Fig. 8a, DIPP [3] encounters failure in an emergency stop, exposing a lack of consistency between motion predictions and planning, while HPP and GameFormer [34] exhibit smoother planning around obstacles. Motion prediction in HPP operates more smoothly with [34], as occupancy predictions modulate the joint behaviors. This is important as the reasoned motion predictions [34] may trade consistency for safety (Fig. 8b) and accuracy (Fig. 8c). High-speed situations (Fig. 8d, Fig. 8e) further demonstrate HPP’s mutual consistency between motion predictions and planning, showcasing its adaptability and robustness in diverse driving environments. These results underscore the efficacy of HPP in enhancing both the consistency and safety aspects of the autonomous driving system.

IV-E Future Outlook

In introducing HPP, we advocate for the adoption of modular co-design and optimization principles to shape ADS. As the notion of a planning-oriented modular learning system gains traction, it is crucial to underscore the significance of well-organized and concurrently integrated modules that mirror the complexities of real-world scenarios. In the future, we see agent-based models, such as LLMs, facilitating connections between various modules to ensure seamless integration. HPP lays the groundwork for module-wise integration, and future endeavors will delve deeper into exploring intermediate-level integration and guidance between prediction and planning.

V Conclusions

In this paper, we develop HPP, a modular co-design optimization framework for autonomous driving systems. The main focus of HPP is on integrating hybrid prediction and planning, wherein three sub-modules, i.e., MS-OccFormer, GTFormer, and Ego Planner address consistency issues and enhance adaptability using the hybrid prediction-guided learning and optimization pipeline. HPP has been extensively evaluated across diverse benchmarks, and the results consistently demonstrate its superior performance in both prediction and planning metrics compared to state-of-the-art methods. The hybrid prediction awareness in HPP, which incorporates joint behaviors and occupancy predictions, improves qualitative consistency, safety, and feasibility in real-world scenarios. By elucidating the roles in modular co-design and the complementary effects that enhance planning through hybrid prediction, HPP showcases its potential to advance the field by tackling challenges in prediction and planning, contributing to the ongoing evolution of autonomous driving frameworks.

TABLE XII: Notations and parameters
Notation Meaning Testing Benchmarks
nuScenes WOMD CARLA
H,W Size of BEV space 200 128/256 128
BEV length (m) 50 64 64
NA Max number of agents - 11/33 11
NM Max number of map - 100 50
T Future Horizons (s) 3/2/6 5/8 2
Future frequency (Hz) 2 2/1 2
M Number of modalities 6 6 6
L Occ integration levels 3 3 3
K Reasoning levels 3 3 3
LP Layers in Ego Planner 3 3 3
h Number of attention heads 8 8 8
D Embedding size 256 256 256
Activation function ReLU
Dropout rate 0.1 0.1 0.1
Batch size 4 24 32
Learning rate 1e4 1e4 1e4
Training epochs 20 20 20

References

  • [1] L. Chen, Y. Li, C. Huang, B. Li, Y. Xing, D. Tian, L. Li, Z. Hu, X. Na, Z. Li et al., “Milestones in autonomous driving and intelligent vehicles: Survey of surveys,” IEEE Transactions on Intelligent Vehicles, 2022.
  • [2] Y. Hu, J. Yang, L. Chen, K. Li, C. Sima, X. Zhu, S. Chai, S. Du, T. Lin, W. Wang et al., “Planning-oriented autonomous driving,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2023, pp. 17 853–17 862.
  • [3] Z. Huang, H. Liu, J. Wu, and C. Lv, “Differentiable integrated motion prediction and planning with learnable cost function for autonomous driving,” arXiv preprint arXiv:2207.10422, 2022.
  • [4] S. Hu, L. Chen, P. Wu, H. Li, J. Yan, and D. Tao, “St-p3: End-to-end vision-based autonomous driving via spatial-temporal feature learning,” in European Conference on Computer Vision. Springer, 2022, pp. 533–549.
  • [5] B. Jiang, S. Chen, Q. Xu, B. Liao, J. Chen, H. Zhou, Q. Zhang, W. Liu, C. Huang, and X. Wang, “Vad: Vectorized scene representation for efficient autonomous driving,” arXiv preprint arXiv:2303.12077, 2023.
  • [6] S. Hagedorn, M. Hallgarten, M. Stoll, and A. Condurache, “Rethinking integration of prediction and planning in deep learning-based automated driving systems: a review,” arXiv preprint arXiv:2308.05731, 2023.
  • [7] X. Mo, Z. Huang, Y. Xing, and C. Lv, “Multi-agent trajectory prediction with heterogeneous edge-enhanced graph attention network,” IEEE Transactions on Intelligent Transportation Systems, 2022.
  • [8] S. Pini, C. S. Perone, A. Ahuja, A. S. R. Ferreira, M. Niendorf, and S. Zagoruyko, “Safe real-world autonomous driving by learning to predict and plan with a mixture of experts,” in 2023 IEEE International Conference on Robotics and Automation (ICRA). IEEE, 2023, pp. 10 069–10 075.
  • [9] H. Liu, Z. Huang, and C. Lv, “Occupancy prediction-guided neural planner for autonomous driving,” arXiv preprint arXiv:2305.03303, 2023.
  • [10] Y. Hu, K. Li, P. Liang, J. Qian, Z. Yang, H. Zhang, W. Shao, Z. Ding, W. Xu, and Q. Liu, “Imitation with spatial-temporal heatmap: 2nd place solution for nuplan challenge,” arXiv preprint arXiv:2306.15700, 2023.
  • [11] M. Bansal, A. Krizhevsky, and A. Ogale, “Chauffeurnet: Learning to drive by imitating the best and synthesizing the worst,” arXiv preprint arXiv:1812.03079, 2018.
  • [12] S. Mozaffari, O. Y. Al-Jarrah, M. Dianati, P. Jennings, and A. Mouzakitis, “Deep learning-based vehicle behavior prediction for autonomous driving applications: A review,” IEEE Transactions on Intelligent Transportation Systems, vol. 23, no. 1, pp. 33–47, 2020.
  • [13] J. Kim, R. Mahjourian, S. Ettinger, M. Bansal, B. White, B. Sapp, and D. Anguelov, “Stopnet: Scalable trajectory and occupancy prediction for urban autonomous driving,” arXiv preprint arXiv:2206.00991, 2022.
  • [14] L. Chen, P. Wu, K. Chitta, B. Jaeger, A. Geiger, and H. Li, “End-to-end autonomous driving: Challenges and frontiers,” arXiv preprint arXiv:2306.16927, 2023.
  • [15] T. Ye, W. Jing, C. Hu, S. Huang, L. Gao, F. Li, J. Wang, K. Guo, W. Xiao, W. Mao et al., “Fusionad: Multi-modality fusion for prediction and planning tasks of autonomous driving,” arXiv preprint arXiv:2308.01006, 2023.
  • [16] X. Jia, P. Wu, L. Chen, Y. Liu, H. Li, and J. Yan, “Hdgt: Heterogeneous driving graph transformer for multi-agent trajectory prediction via scene encoding,” IEEE transactions on pattern analysis and machine intelligence, 2023.
  • [17] Z. Huang, X. Mo, and C. Lv, “Multi-modal motion prediction with transformer-based neural network for autonomous driving,” in 2022 International Conference on Robotics and Automation (ICRA). IEEE, 2022, pp. 2605–2611.
  • [18] X. Mo, Y. Xing, H. Liu, and C. Lv, “Map-adaptive multimodal trajectory prediction using hierarchical graph neural networks,” IEEE Robotics and Automation Letters, 2023.
  • [19] S. Shi, L. Jiang, D. Dai, and B. Schiele, “Motion transformer with global intention localization and local movement refinement,” Advances in Neural Information Processing Systems, 2022.
  • [20] Y. Hu, W. Shao, B. Jiang, J. Chen, S. Chai, Z. Yang, J. Qian, H. Zhou, and Q. Liu, “Hope: Hierarchical spatial-temporal network for occupancy flow prediction,” arXiv preprint arXiv:2206.10118, 2022.
  • [21] X. Huang, X. Tian, J. Gu, Q. Sun, and H. Zhao, “Vectorflow: Combining images and vectors for traffic occupancy and flow prediction,” arXiv preprint arXiv:2208.04530, 2022.
  • [22] T. Gilles, S. Sabatini, D. Tsishkou, B. Stanciulescu, and F. Moutarde, “Thomas: Trajectory heatmap output with learned multi-agent sampling,” arXiv preprint arXiv:2110.06607, 2021.
  • [23] A. Kamenev, L. Wang, O. B. Bohan, I. Kulkarni, B. Kartal, A. Molchanov, S. Birchfield, D. Nistér, and N. Smolyanskiy, “Predictionnet: Real-time joint probabilistic traffic prediction for planning, control, and simulation,” in 2022 International Conference on Robotics and Automation (ICRA). IEEE, 2022, pp. 8936–8942.
  • [24] Z. Huang, H. Liu, J. Wu, and C. Lv, “Conditional predictive behavior planning with inverse reinforcement learning for human-like autonomous driving,” IEEE Transactions on Intelligent Transportation Systems, 2023.
  • [25] P. Hang, C. Lv, C. Huang, J. Cai, Z. Hu, and Y. Xing, “An integrated framework of decision making and motion planning for autonomous vehicles considering social behaviors,” IEEE transactions on vehicular technology, vol. 69, no. 12, pp. 14 458–14 469, 2020.
  • [26] D. Xu, Y. Chen, B. Ivanovic, and M. Pavone, “Bits: Bi-level imitation for traffic simulation,” in 2023 IEEE International Conference on Robotics and Automation (ICRA). IEEE, 2023, pp. 2929–2936.
  • [27] H. Liu, Z. Huang, X. Mo, and C. Lv, “Augmenting reinforcement learning with transformer-based scene representation learning for decision-making of autonomous driving,” arXiv preprint arXiv:2208.12263, 2022.
  • [28] K. Renz, K. Chitta, O.-B. Mercea, A. Koepke, Z. Akata, and A. Geiger, “Plant: Explainable planning transformers via object-level representations,” arXiv preprint arXiv:2210.14222, 2022.
  • [29] N. Rhinehart, R. McAllister, K. Kitani, and S. Levine, “Precog: Prediction conditioned on goals in visual multi-agent settings,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2019, pp. 2821–2830.
  • [30] Z. Huang, H. Liu, J. Wu, W. Huang, and C. Lv, “Learning interaction-aware motion prediction model for decision-making in autonomous driving,” arXiv preprint arXiv:2302.03939, 2023.
  • [31] J. L. V. Espinoza, A. Liniger, W. Schwarting, D. Rus, and L. Van Gool, “Deep interactive motion prediction and planning: Playing games with motion prediction models,” in Learning for Dynamics and Control Conference. PMLR, 2022, pp. 1006–1019.
  • [32] C. Burger, J. Fischer, F. Bieder, Ö. Ş. Taş, and C. Stiller, “Interaction-aware game-theoretic motion planning for automated vehicles using bi-level optimization,” in 2022 IEEE 25th International Conference on Intelligent Transportation Systems (ITSC). IEEE, 2022, pp. 3978–3985.
  • [33] W. Wang, L. Wang, C. Zhang, C. Liu, L. Sun et al., “Social interactions for autonomous driving: A review and perspectives,” Foundations and Trends® in Robotics, vol. 10, no. 3-4, pp. 198–376, 2022.
  • [34] Z. Huang, H. Liu, and C. Lv, “Gameformer: Game-theoretic modeling and learning of transformer-based interactive prediction and planning for autonomous driving,” arXiv preprint arXiv:2303.05760, 2023.
  • [35] P. Karkus, B. Ivanovic, S. Mannor, and M. Pavone, “Diffstack: A differentiable and modular control stack for autonomous vehicles,” in Conference on Robot Learning. PMLR, 2023, pp. 2170–2180.
  • [36] N. Hanselmann, K. Renz, K. Chitta, A. Bhattacharyya, and A. Geiger, “King: Generating safety-critical driving scenarios for robust imitation via kinematics gradients,” in European Conference on Computer Vision. Springer, 2022, pp. 335–352.
  • [37] S. Casas, A. Sadat, and R. Urtasun, “Mp3: A unified model to map, perceive, predict and plan,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2021, pp. 14 403–14 412.
  • [38] M. Liang, B. Yang, W. Zeng, Y. Chen, R. Hu, S. Casas, and R. Urtasun, “Pnpnet: End-to-end perception and prediction with tracking in the loop,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2020, pp. 11 553–11 562.
  • [39] Z. Li, W. Wang, H. Li, E. Xie, C. Sima, T. Lu, Y. Qiao, and J. Dai, “Bevformer: Learning bird’s-eye-view representation from multi-camera images via spatiotemporal transformers,” in European conference on computer vision. Springer, 2022, pp. 1–18.
  • [40] Y. Zhang, Z. Zhu, W. Zheng, J. Huang, G. Huang, J. Zhou, and J. Lu, “Beverse: Unified perception and prediction in birds-eye-view for vision-centric autonomous driving,” arXiv preprint arXiv:2205.09743, 2022.
  • [41] A. K. Akan and F. Güney, “Stretchbev: Stretching future instance prediction spatially and temporally,” in European Conference on Computer Vision. Springer, 2022, pp. 444–460.
  • [42] H. Li, C. Sima, J. Dai, W. Wang, L. Lu, H. Wang, J. Zeng, Z. Li, J. Yang, H. Deng et al., “Delving into the devils of bird’s-eye-view perception: A review, evaluation and recipe,” IEEE Transactions on Pattern Analysis and Machine Intelligence, 2023.
  • [43] X. Jia, Y. Gao, L. Chen, J. Yan, P. L. Liu, and H. Li, “Driveadapter: Breaking the coupling barrier of perception and planning in end-to-end autonomous driving,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2023, pp. 7953–7963.
  • [44] J. Mao, Y. Qian, H. Zhao, and Y. Wang, “Gpt-driver: Learning to drive with gpt,” arXiv preprint arXiv:2310.01415, 2023.
  • [45] J. Mao, J. Ye, Y. Qian, M. Pavone, and Y. Wang, “A language agent for autonomous driving,” arXiv preprint arXiv:2311.10813, 2023.
  • [46] C. Sima, K. Renz, K. Chitta, L. Chen, H. Zhang, C. Xie, P. Luo, A. Geiger, and H. Li, “Drivelm: Driving with graph visual question answering,” arXiv preprint arXiv:2312.14150, 2023.
  • [47] K. He, X. Zhang, S. Ren, and J. Sun, “Deep residual learning for image recognition,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2016, pp. 770–778.
  • [48] H. Liu, Z. Huang, and C. Lv, “Multi-modal hierarchical transformer for occupancy flow field prediction in autonomous driving,” in 2023 IEEE International Conference on Robotics and Automation (ICRA). IEEE, 2023, pp. 1449–1455.
  • [49] Z. Liu, Y. Lin, Y. Cao, H. Hu, Y. Wei, Z. Zhang, S. Lin, and B. Guo, “Swin transformer: Hierarchical vision transformer using shifted windows,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2021, pp. 10 012–10 022.
  • [50] M. Bhardwaj, B. Boots, and M. Mukadam, “Differentiable gaussian process motion planning,” in 2020 IEEE international conference on robotics and automation (ICRA). IEEE, 2020, pp. 10 598–10 604.
  • [51] H. Caesar, V. Bankiti, A. H. Lang, S. Vora, V. E. Liong, Q. Xu, A. Krishnan, Y. Pan, G. Baldan, and O. Beijbom, “nuscenes: A multimodal dataset for autonomous driving,” in Proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 2020, pp. 11 621–11 631.
  • [52] S. Ettinger, S. Cheng, B. Caine, C. Liu, H. Zhao, S. Pradhan, Y. Chai, B. Sapp, C. R. Qi, Y. Zhou et al., “Large scale interactive motion forecasting for autonomous driving: The waymo open motion dataset,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2021, pp. 9710–9719.
  • [53] R. Mahjourian, J. Kim, Y. Chai, M. Tan, B. Sapp, and D. Anguelov, “Occupancy flow fields for motion forecasting in autonomous driving,” IEEE Robotics and Automation Letters, vol. 7, no. 2, pp. 5639–5646, 2022.
  • [54] W. Zeng, W. Luo, S. Suo, A. Sadat, B. Yang, S. Casas, and R. Urtasun, “End-to-end interpretable neural motion planner,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2019, pp. 8660–8669.
  • [55] P. Hu, A. Huang, J. Dolan, D. Held, and D. Ramanan, “Safe local motion planning with self-supervised freespace forecasting,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2021, pp. 12 732–12 741.
  • [56] T. Khurana, P. Hu, A. Dave, J. Ziglar, D. Held, and D. Ramanan, “Differentiable raycasting for self-supervised occupancy forecasting,” in European Conference on Computer Vision. Springer, 2022, pp. 353–369.
  • [57] W. Tong, C. Sima, T. Wang, L. Chen, S. Wu, H. Deng, Y. Gu, L. Lu, P. Luo, D. Lin et al., “Scene as occupancy,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2023, pp. 8406–8415.
  • [58] Z. Chen, M. Ye, S. Xu, T. Cao, and Q. Chen, “Deepemplanner: An em motion planner with iterative interactions,” arXiv preprint arXiv:2311.08100, 2023.
  • [59] A. Dosovitskiy, G. Ros, F. Codevilla, A. Lopez, and V. Koltun, “Carla: An open urban driving simulator,” in Conference on robot learning. PMLR, 2017, pp. 1–16.
  • [60] K. Chitta, A. Prakash, B. Jaeger, Z. Yu, K. Renz, and A. Geiger, “Transfuser: Imitation with transformer-based sensor fusion for autonomous driving,” IEEE Transactions on Pattern Analysis and Machine Intelligence, 2022.
  • [61] L.-C. Chen, G. Papandreou, I. Kokkinos, K. Murphy, and A. L. Yuille, “Deeplab: Semantic image segmentation with deep convolutional nets, atrous convolution, and fully connected crfs,” IEEE transactions on pattern analysis and machine intelligence, vol. 40, no. 4, pp. 834–848, 2017.
  • [62] D. Kim, S. Woo, J.-Y. Lee, and I. S. Kweon, “Video panoptic segmentation,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2020, pp. 9859–9868.
  • [63] J. Gu, C. Hu, T. Zhang, X. Chen, Y. Wang, Y. Wang, and H. Zhao, “Vip3d: End-to-end visual trajectory prediction via 3d agent queries,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2023, pp. 5496–5506.
  • [64] O. Scheel, L. Bergamini, M. Wolczyk, B. Osiński, and P. Ondruska, “Urban driver: Learning to drive from real-world demonstrations using policy gradients,” in Conference on Robot Learning. PMLR, 2022, pp. 718–728.
  • [65] Y. Liu, J. Zhang, L. Fang, Q. Jiang, and B. Zhou, “Multimodal motion prediction with stacked transformers,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2021, pp. 7577–7586.
  • [66] A. Hu, Z. Murez, N. Mohan, S. Dudas, J. Hawke, V. Badrinarayanan, R. Cipolla, and A. Kendall, “Fiery: Future instance prediction in bird’s-eye view from surround monocular cameras,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2021, pp. 15 273–15 282.
  • [67] P. Li, S. Ding, X. Chen, N. Hanselmann, M. Cordts, and J. Gall, “Powerbev: A powerful yet lightweight framework for instance prediction in bird’s-eye view,” arXiv preprint arXiv:2306.10761, 2023.
  • [68] N. Rhinehart, R. McAllister, and S. Levine, “Deep imitative models for flexible inference, planning, and control,” arXiv preprint arXiv:1810.06544, 2018.
  • [69] B. Varadarajan, A. Hefny, A. Srivastava, K. S. Refaat, N. Nayakanti, A. Cornman, K. Chen, B. Douillard, C. P. Lam, D. Anguelov et al., “Multipath++: Efficient information fusion and trajectory aggregation for behavior prediction,” in 2022 International Conference on Robotics and Automation (ICRA). IEEE, 2022, pp. 7814–7821.
  • [70] A. Kumar, A. Zhou, G. Tucker, and S. Levine, “Conservative q-learning for offline reinforcement learning,” Advances in Neural Information Processing Systems, vol. 33, pp. 1179–1191, 2020.
  • [71] Z. Zhang, A. Liniger, D. Dai, F. Yu, and L. Van Gool, “End-to-end urban driving by imitating a reinforcement learning coach,” in Proceedings of the IEEE/CVF international conference on computer vision, 2021, pp. 15 222–15 232.