SeqAffordSplat: Scene-level Sequential Affordance Reasoning on 3D Gaussian Splatting

Di Li1, Jie Feng1, Jiahao Chen2, Weisheng Dong1,
Guanbin Li2, Yuhui Zheng3,Mingtao Feng1, Guangming Shi1
Corresponding author.
Abstract

3D affordance reasoning, the task of associating human instructions with the functional regions of 3D objects, is a critical capability for embodied agents. Current methods based on 3D Gaussian Splatting (3DGS) are fundamentally limited to single-object, single-step interactions, a paradigm that falls short of addressing the long-horizon, multi-object tasks required for complex real-world applications. To bridge this gap, we introduce the novel task of Sequential 3D Gaussian Affordance Reasoning and establish SeqAffordSplat, a large-scale benchmark featuring 1800+ scenes to support research on long-horizon affordance understanding in complex 3DGS environments. We then propose SeqSplatNet, an end-to-end framework that directly maps an instruction to a sequence of 3D affordance masks. SeqSplatNet employs a large language model that autoregressively generates text interleaved with special segmentation tokens, guiding a conditional decoder to produce the corresponding 3D mask. To handle complex scene geometry, we introduce a pre-training strategy, Conditional Geometric Reconstruction, where the model learns to reconstruct complete affordance region masks from known geometric observations, thereby building a robust geometric prior. Furthermore, to resolve semantic ambiguities, we design a feature injection mechanism that lifts rich semantic features from 2D Vision Foundation Models (VFM) and fuses them into the 3D decoder at multiple scales. Extensive experiments demonstrate that our method sets a new state-of-the-art on our challenging benchmark, effectively advancing affordance reasoning from single-step interactions to complex, sequential tasks at the scene level.

{strip}[Uncaptioned image]
Figure 1: (Left)We introduce Sequential 3DGS Affordance Reasoning Task for complex, multi-step agent interactions. (Center)To support this, we present SeqAffordSplat, a large-scale dataset with over 1,700 3DGS scenes and 12,000 instruction pairs.(Right) Our model, SeqSplatNet, sets a new state-of-the-art, improving performance by 6.5% on single-step tasks and 14.1% on our sequential benchmark. Please zoom in for better visual effects.
Table 1: Comparison of Existing 3D Affordance Datasets with Ours.
Benchmark
Vision
Type
Scene-level
Support
Sequence
Support
#Object
Cat.
#Afford.
Type
3D AffordanceNet (CVPR’21) PointCloud ×\times× ×\times× 23 17
LASO (CVPR’24) PointCloud ×\times× ×\times× 23 17
SeqAfford (CVPR’25) PointCloud ×\times× 23 18
3DAffordSplat (ACM MM’25) Gaussians ×\times× ×\times× 21 18
Ours Gaussians 21 18

Introduction

3D affordance reasoning, which identifies interactive regions on objects to enable specific actions in 3D space, is a fundamental perceptual capability for embodied agents (Deng et al. 2021; Yang et al. 2023). By linking perception and action, it underpins essential functionalities in a spectrum of applications, including robotic manipulation (Yamanobe et al. 2017), augmented reality (Steffen et al. 2019; Nagarajan and Grauman 2020), and virtual reality (Dalgarno and Lee 2010; Venkatakrishnan et al. 2023). This has motivated early explorations into affordance reasoning using point cloud representations (Yang et al. 2023; Li et al. 2024b; Deng et al. 2021). While these approaches demonstrate potential in predicting affordances from 3D geometry, they are often constrained by the inherent sparsity and discrete nature of point clouds, which impedes their ability to capture the fine-grained, continuous structures essential for precise interaction.

Inspired by the high-fidelity representations of 3D Gaussian Splatting (3DGS) (Kerbl et al. 2023), the transition from sparse point clouds to 3DGS has drawn increasing attention for 3D scene understanding (Mohammadi et al. 2023; Zhu et al. 2024). The pioneering work (Wei et al. 2025) demonstrates promising improvement for precise affordance reasoning in 3DGS scenes, suggesting its superiority in capturing fine-grained affordance detail. However, this method targets at a specific and controlled task prototype, where each scene consists of a single instances and each instruction requires just a single atomic action for execution.

Due to the inherent high-level succinctness of real-world instructions, 3D affordance reasoning requires both (i) the composition of ordered primitive instructions (each corresponding to a primitive action), and (ii) the dynamic shift of actionable regions across object instances in complex scenes. As illustrated in Fig. 1, an instruction such as operating a microwave to warm up food in a bowl necessitates multiple interdependent actions across three distinct actionable regions from different instances—a composite capability beyond current methods due to their constrained task prototypes. This reveals a critical gap in 3D affordance reasoning: the absence of a task formulation for sequential interaction in cluttered scenes. To bridge this gap, we introduce the Scene-level Sequential 3D Gaussian Affordance Reasoning task—a novel prototype designed for long-horizon and succinct instructions in complex environments with multiple interactive regions and distractor objects, fundamentally advancing beyond prior object-centric, single-action approaches.

To facilitate research in this new direction, we introduce SeqAffordSplat, the first comprehensive benchmark designed for long-horizon, scene-wide affordance reasoning on 3DGS. The benchmark features a new large-scale dataset containing over 1,800+ complex scenes, 14,000+ affordance masks, and 8,000+ sequential instructions. To establish a complete evaluation framework, we complement the dataset with a suite of novel sequential metrics—sIoU, sAUC, sSIM, and sMAE—tailored to holistically assess performance on multi-step tasks.

To handle the shift in task prototype, we introduce SeqSplatNet, the first framework designed to solve this new scene-level sequential task. Our approach uniquely integrates the hierarchical planning capabilities of Large Language Models (LLMs) with the rich representational power of 3DGS in a unified, end-to-end architecture. Given a complex, long-horizon instruction, our model reasons about the user’s intent and grounds a sequence of actionable affordance masks directly onto the 3DGS scene representation. To handle complex scene geometry, we design a self-supervised pre-training strategy, Conditional Geometric Reconstruction, where the model learns to reconstruct complete affordance regions from partial geometric observations, thereby building a robust geometric prior. Furthermore, to resolve semantic ambiguities, we design a Semantic Feature Injection mechanism that lifts rich semantic features from a frozen 2D Vision Foundation Model (VFM) (Oquab et al. 2023; Radford et al. 2021) via multi-view rendering and fuses them into the 3D decoder at multiple scales. This unified approach bridges the critical gap between high-level task planning and low-level, fine-grained 3D perception in complex environments. Our main contributions are summarized as follows:

  • We introduce the new task of Sequential 3D Gaussian Affordance Reasoning and develop SeqAffordSplat, the first large-scale benchmark with over 1,800+ 3DGS scenes and 14,000+ ground-truth affordance segmentations.

  • We propose SeqSplatNet, the first framework to unify high-fidelity 3DGS representation, long-horizon sequential planning, and complex scene-level understanding.

  • We demonstrate through extensive experiments that our approach achieves a 14.1% performance improvement over sequential baselines on our challenging new benchmark.

Related Work

Affordance Learning

Affordance Learning focuses on identifying interactive regions in a scene, driven by either a closed-set of action types or open-vocabulary language instructions. This originates from 2D image affordance segmentation, where each pixel is assigned to a predefined affordance category (Do, Nguyen, and Reid 2018; Roy and Todorovic 2016). To generalize to unseen affordance types, recent approaches integrate Vision-Language Models (VLMs), aligning language instructions with visual affordances (Chen et al. 2025; Li et al. 2024a; Qian et al. 2024). However, these image-based approaches intrinsically lack the ability to capture explicit 3D spatial information—a critical requirement for robotic manipulation applications.

To overcome the limitations of image-based perception, researchers turns to 3D representations for acurrate gemoetry awareness in 3D space. Pioneering studies  (Deng et al. 2021; Xu et al. 2022; Mo et al. 2022) established benchmarks for affordance segmentation on 3D point clouds for predefined affordance type sets. This foundation later has evolved toward open-vocabulary affordance reasoning, where models identify actionable regions in response to language instructions by leveraging the cross-modality reasoning capability of foundational models (Li et al. 2024b; Xu et al. 2022; Shao et al. 2025; Lu et al. 2025). Despite this evolution, these approaches still struggle with long-horizon reasoning, which stems from their constrained task prototype that each instruction envolves a single action.

To address this limitation, we highlight sequential affordance reasoning as a more practical task prototype, where each instruction maps to a sequence of atomic affordances. Compared with the contemporary SeqAfford (Yu et al. 2025), which is capable of generating sequential affordance masks on 3D cloud points, our SeqSplatNet overcomes its inefficiency in localizing fine-grained actionable regions through high-fidelity 3DGS representation.

Affordance Learning on 3DGS

Beyond 3D point clouds, 3DGS offers a more expressive representation through its explicit point-based structure and real-time rendering capabilities (Kerbl et al. 2023). These characteristics facilitate the development of various embodied AI systems (Zheng et al. 2024; Shorinwa et al. 2024; Lu et al. 2024), as 3DGS enables both instantaneous environmental perception and direct association of semantic information with spatially precise geometric locations.

In affordance learning, 3DAffordSplat (Wei et al. 2025) established the first large-scale benchmark for affordance reasoning using 3DGS. While notable for its substantial instance volume and diverse affordance coverage, this benchmark adopts a constrained task prototype where each instruction maps exclusively to a single discrete affordance mask, inherently omitting sequential reasoning pathways essential for complex manipulation scenarios.

In summary, existing approaches remain confined to either sequential reasoning on sparse point clouds with inadequate localization fidelity or single-step interactions on 3DGS without action sequencing capability. To the best of our knowledge, we pioneer the first framework for scene-level affordance learning in 3DGS that simultaneously achieves fine-grained affordance localization and sequential reasoning.

Task Definition and Dataset

Refer to caption
Figure 2: An overview of the proposed SeqSplatNet architecture. The architecture comprises four main components: a Large Language Model, a 3DGS Encoder with Conditional Geometric Reconstruction Pre-train, and a Conditional Affordance Decoder with VFM Semantic Feature Injection.

Task Definition

Scene-Level Sequential 3D Gaussian Affordance Reasoning presents a challenging task requiring the identification of step-wise affordance regions in a complex 3DGS scene containing multiple interactive instance parts, in accordance with a succinct input instruction that outlines a composite process of multiple ordered primitive actions.

Specifically, consider a 3D scene represented by a 3DGS model 𝒢\mathcal{G}caligraphic_G comprising NNitalic_N Gaussian primitives, 𝒢={Gi}i=1N\mathcal{G}=\{G_{i}\}_{i=1}^{N}caligraphic_G = { italic_G start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT } start_POSTSUBSCRIPT italic_i = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT. Each primitive GiG_{i}italic_G start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT is parameterized by its position, opacity, scale, rotation, and spherical harmonics coefficients. Given a succinct instruction QinstQ_{inst}italic_Q start_POSTSUBSCRIPT italic_i italic_n italic_s italic_t end_POSTSUBSCRIPT, this task aims to predict an ordered sequence of TTitalic_T binary affordance masks =(M1,M2,,MT)\mathcal{M}=(M_{1},M_{2},...,M_{T})caligraphic_M = ( italic_M start_POSTSUBSCRIPT 1 end_POSTSUBSCRIPT , italic_M start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT , … , italic_M start_POSTSUBSCRIPT italic_T end_POSTSUBSCRIPT ). Each mask Mt{0,1}NM_{t}\in\{0,1\}^{N}italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT ∈ { 0 , 1 } start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT identifies the subset of Gaussians that constitute the functional region for the ttitalic_t-th atomic instruction, which is implicitly defined by the instruction’s action plan, as illustrated in Fig. 1. The objective of this task is to find an optimal mapping FFitalic_F that satisfies

=F(Qinst,𝒢).\mathcal{M}=F(Q_{inst},\mathcal{G}).caligraphic_M = italic_F ( italic_Q start_POSTSUBSCRIPT italic_i italic_n italic_s italic_t end_POSTSUBSCRIPT , caligraphic_G ) . (1)

This formulation extends the traditional affordance segmentation paradigm from identifying what affordances exist to reasoning about in what order they must be actualized to fulfill a user’s complex intent.

SeqAffordSplat Dataset Collection

To facilitate research into long-horizon, scene-level affordance reasoning, we introduce SeqAffordSplat, the first large-scale benchmark designed to evaluate sequential affordance grounding directly on 3DGS representations. The construction of the SeqAffordSplat benchmark is a two-stage process meticulously designed to ensure high fidelity and ecological validity across its two core components: the 3D scene geometry, and the sequential, language-grounded instructions.

Step 1: 3DGS Data Collection.

The foundation of our benchmark lies in the quality and complexity of its 3D environments. To properly evaluate long-horizon reasoning, which often involves interactions among multiple objects, single-object models are insufficient.To generate realistic environments, we manually composed scenes by positioning multiple objects from the 3D-AffordanceNet (Wei et al. 2025) dataset using geometric transformations, including translation, rotation, and scaling, to emulate plausible real-world scenarios.

Step 2: Instruction and Affordance Annotation.

Rather than annotating from scratch, we transfer affordance labels from established benchmarks, primarily 3D-AffordanceNet  (Wei et al. 2025), which provides dense, point-wise affordance labels for thousands of object shapes. The transfer is performed via a semi-automated pipeline: we programmatically match object instances in our scenes with annotated categories in 3DAffordSplat (Wei et al. 2025), project the point-wise labels onto our 3DGS representation, and then use a custom 3D annotation tool for manual verification. For a sequential instruction, the ground truth is stored as an ordered list of affordance masks, explicitly encoding the temporal and causal order required for the task. To generate a large and diverse set of long-horizon instructions, we utilize the multimodal large language model (MLLM) GPT-4o (Achiam et al. 2023) inspired by  (Yu et al. 2025). We employ a sophisticated prompt engineering strategy that provides the LLM with rich context for each scene, including Visual Context, Textual Context, Role Prompting and Goal Specification. The generated instruction-sequence pairs undergo a final human-in-the-loop curation process to ensure they are logical, physically possible, and correspond to available affordances. Additional details are provided in the supplementary materials.

As shown in 1, the final benchmark contains 1800+ unique 3DGS scenes, annotated with over 14,000+ distinct affordance masks across 21 object categories and 18 affordance types. The language component features approximately 8000+ instructions. A key characteristic is its focus on long-horizon tasks.

Evaluation Configurations and Metrics

Experimental Settings. Inspired by the evaluation settings in prior work (Yu et al. 2025; Li et al. 2024b), we establish three distinct configurations to comprehensively evaluate our method:

  • Single: Evaluates the model’s ability to predict individual, unordered affordance regions.

  • Sequential (with gt seq): Assesses affordance grounding accuracy given a ground-truth action sequence.

  • Sequential: Tests the full task, where the model must infer and execute the entire action sequence from a single high-level instruction.

Evaluation Metrics. For single-step prediction, we adopt standard metrics mIoU, AUC, SIM, MAE to ensure a fair comparison with prior works like LASO (Li et al. 2024b). For sequential task , we introduce a suite of sequential metrics: sIoU, sAUC, sSIM, and sMAE. The calculation is straightforward: we first align the predicted and ground-truth sequences to the same length by padding the shorter sequence with empty frames. This approach is reasonable because it inherently penalizes discrepancies in sequence length. Additional details are provided in the supplementary materials.

SeqSplatNet

Architecture

Our SeqSplatNet features an end-to-end architecture that directly maps language instructions to sequential 3D affordance masks. Through an autoregressive process, the model generates interleaved language tokens and special <SEG> tokens, where each <SEG> emission dynamically triggers the affordance decoder to produce a 3D affordance mask. This design inherently unifies task planning and localization by embedding action sequencing within the generative process, eliminating explicit hierarchical decomposition.

As illustrated in Fig. 2, our SeqSplatNet comprises three core components: a 3DGS Encoder, a Large Language Model (LLM) and a Conditional Affordance Decoder, collectively constituting our base model. We augment this framework with two key enhancements: Conditional Geometric Reconstruction Pre-train for improved 3DGS Encoder initialization, and VFM Semantic Feature Injection to enrich geometric representations with semantic knowledge extracted from 2D VFMs.

3DGS Encoder. We adopt a PointNet-based encoder  (Qi et al. 2017) to extract geometric information from a 3DGS scene 𝒢\mathcal{G}caligraphic_G. Consistent with 3DAffordSplat (Wei et al. 2025), our encoder processes the geometric attributes (position, rotation and scale) of Gaussian primitives in 𝒢\mathcal{G}caligraphic_G, generating point-wise geometric features FgeoN×dF_{\text{geo}}\in\mathbb{R}^{N\times d}italic_F start_POSTSUBSCRIPT geo end_POSTSUBSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT italic_N × italic_d end_POSTSUPERSCRIPT.

LLM. Our LLM serves as the central reasoning engine, processing an input instruction QinstrQ_{\text{instr}}italic_Q start_POSTSUBSCRIPT instr end_POSTSUBSCRIPT to autoregressively generate a primitive instruction sequence. Inspired by recent advancements in Multimodal LLM (Li et al. 2024b; Wei et al. 2025), we augment the token vocabulary with a special token <SEG>. Within the interleaved sequence of language tokens and <SEG> tokens, each <SEG> simultaneously activates affordance mask decoding for its associated primitive instruction and provides a dynamic instruction vector hsegdh_{\text{seg}}\in\mathbb{R}^{d}italic_h start_POSTSUBSCRIPT seg end_POSTSUBSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT italic_d end_POSTSUPERSCRIPT derived from its hidden state. Benifiting from the masked attention mechanism in LLM, this vector effectively encodes the contextual dependencies from QinstrQ_{\text{instr}}italic_Q start_POSTSUBSCRIPT instr end_POSTSUBSCRIPT and its preceding primitives.

Conditional Affordance Decoder. This decoder generates the affordance mask conditioned on each obtained dynamic instruction vector hsegh_{\text{seg}}italic_h start_POSTSUBSCRIPT seg end_POSTSUBSCRIPT. Built upon recent query-based segmentation paradigm (Cheng, Schwing, and Kirillov 2021), it employs each LLM-derived dynamic instruction vector hsegh_{\text{seg}}italic_h start_POSTSUBSCRIPT seg end_POSTSUBSCRIPT as a latent query to decode its corresponding 3D affordance mask MtM_{t}italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT from the encoded geometric feature and injected semantic information (as detailed subsequently).

This tight integration of reasoning and perception within a unified autoregressive framework enables end-to-end sequential reasoning in complex 3DGS scenes with our SeqSplatNet.

End-to-end Training of SeqSplatNet.

Our SeqSplatNet aims to generate fine-grained affordance masks associated for accurately reasoned primitive instruction sequences for succinct input instructions. To this end, its overall loss summarizes both the language-modeling misalignments lang\mathcal{L}_{\text{lang}}caligraphic_L start_POSTSUBSCRIPT lang end_POSTSUBSCRIPT and the affordance segmentation errors mask\mathcal{L}_{\text{mask}}caligraphic_L start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT,

total=lang+λmaskt=1Tmask,\mathcal{L}_{\text{total}}=\mathcal{L}_{\text{lang}}+\lambda_{\text{mask}}\sum_{t=1}^{T}\mathcal{L}_{\text{mask}},caligraphic_L start_POSTSUBSCRIPT total end_POSTSUBSCRIPT = caligraphic_L start_POSTSUBSCRIPT lang end_POSTSUBSCRIPT + italic_λ start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT ∑ start_POSTSUBSCRIPT italic_t = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT caligraphic_L start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT , (2)

where λmask\lambda_{\text{mask}}italic_λ start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT is a balancing hyperparameter. In this work, we adopt the standard autoregressive cross-entropy loss over the predicted token sequence for lang\mathcal{L}_{\text{lang}}caligraphic_L start_POSTSUBSCRIPT lang end_POSTSUBSCRIPT. The segmentation loss mask\mathcal{L}_{\text{mask}}caligraphic_L start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT, activated at each <SEG> token, is a combination of Binary Cross-Entropy (BCE) and Dice losses to ensure both pixel-wise accuracy and structural similarity:

mask=BCE(M^t,Mtgt)+Dice(M^t,Mtgt),\mathcal{L}_{\text{mask}}=\mathcal{L}_{\text{BCE}}(\hat{M}_{t},M_{t}^{\text{gt}})+\mathcal{L}_{\text{Dice}}(\hat{M}_{t},M_{t}^{\text{gt}}),caligraphic_L start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT = caligraphic_L start_POSTSUBSCRIPT BCE end_POSTSUBSCRIPT ( over^ start_ARG italic_M end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT gt end_POSTSUPERSCRIPT ) + caligraphic_L start_POSTSUBSCRIPT Dice end_POSTSUBSCRIPT ( over^ start_ARG italic_M end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT , italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT gt end_POSTSUPERSCRIPT ) , (3)

where M^t\hat{M}_{t}over^ start_ARG italic_M end_ARG start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT and MtgtM_{t}^{\text{gt}}italic_M start_POSTSUBSCRIPT italic_t end_POSTSUBSCRIPT start_POSTSUPERSCRIPT gt end_POSTSUPERSCRIPT are the predicted and ground-truth masks for step ttitalic_t, respectively.

Table 2: Results on SeqAffordSplat dataset
Main results Method Source mIoU/sIoU↑ AUC/sAUC↑ SIM/sSIM↑ MAE/sMAE↓
Single 3DAffordSplat ACM MM’25 30.5 92.7 0.395 0.065
PointRefer CVPR’24 31.3 92.1 0.411 0.055
IAGNet ICCV’23 17.6 85.2 0.328 0.056
OURS - 37.0 94.0 0.470 0.049
Sequential
(with GT seq)
3DAffordSplat ACM MM’25 26.1 91.2 0.343 0.072
PointRefer CVPR’24 30.3 91.2 0.418 0.055
IAGNet ICCV’23 13.9 88.0 0.325 0.062
OURS - 36.0 95.6 0.457 0.036
Sequential SeqAfford CVPR’25 12.1 73.0 0.122 0.230
OURS - 26.2 80.6 0.312 0.132

Conditional Geometric Reconstruction Pre-train

Obaining an effective 3DGS encoder from scratch for complex scene-level 3DGS is challenging, due to its reliance on a huge amount of annotated samples. To tackle this issue, we propose a pre-training strategy for providing improved initialization to our perception modules. Our core idea is to instill a geometric prior into the 3DGS encoder by tasking it with reconstructing a spatial affordance region conditioned solely on an abstract semantic embedding.

Specifically, given a 3DGS scene 𝒢\mathcal{G}caligraphic_G and an affordance mask Mgt{0,1}NM^{\text{gt}}\in\{0,1\}^{N}italic_M start_POSTSUPERSCRIPT gt end_POSTSUPERSCRIPT ∈ { 0 , 1 } start_POSTSUPERSCRIPT italic_N end_POSTSUPERSCRIPT, our architecture employs a dual-encoder design. The 3DGS encoder Φenc\Phi_{\text{enc}}roman_Φ start_POSTSUBSCRIPT enc end_POSTSUBSCRIPT projects the scene 𝒢\mathcal{G}caligraphic_G into per-point feature embeddings FgeoF_{\text{geo}}italic_F start_POSTSUBSCRIPT geo end_POSTSUBSCRIPT, and the mask encoder Φmask\Phi_{\text{mask}}roman_Φ start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT maps the mask MgtM^{\text{gt}}italic_M start_POSTSUPERSCRIPT gt end_POSTSUPERSCRIPT into a single conditional embedding emaske_{\text{mask}}italic_e start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT that represents the abstract affordance concept. The reconstruction is then conditioned on this embedding. Specifically, emaske_{\text{mask}}italic_e start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT serves as a query to attend to the per-point geometric features FgeoF_{\text{geo}}italic_F start_POSTSUBSCRIPT geo end_POSTSUBSCRIPT, producing a fused representation FfusedF_{\text{fused}}italic_F start_POSTSUBSCRIPT fused end_POSTSUBSCRIPT. A decoder, Φdec\Phi_{\text{dec}}roman_Φ start_POSTSUBSCRIPT dec end_POSTSUBSCRIPT, then processes these features to reconstruct the final mask M^\hat{M}over^ start_ARG italic_M end_ARG:

Ffused\displaystyle F_{\text{fused}}italic_F start_POSTSUBSCRIPT fused end_POSTSUBSCRIPT =Attention(Q=emask,K=Fgeo,V=Fgeo)\displaystyle=\text{Attention}(Q=e_{\text{mask}},K=F_{\text{geo}},V=F_{\text{geo}})= Attention ( italic_Q = italic_e start_POSTSUBSCRIPT mask end_POSTSUBSCRIPT , italic_K = italic_F start_POSTSUBSCRIPT geo end_POSTSUBSCRIPT , italic_V = italic_F start_POSTSUBSCRIPT geo end_POSTSUBSCRIPT ) (4)
M^\displaystyle\hat{M}over^ start_ARG italic_M end_ARG =Φdec(Ffused)\displaystyle=\Phi_{\text{dec}}(F_{\text{fused}})= roman_Φ start_POSTSUBSCRIPT dec end_POSTSUBSCRIPT ( italic_F start_POSTSUBSCRIPT fused end_POSTSUBSCRIPT ) (5)

This pre-training task compels the network to learn a powerful mapping from an abstract semantic concept to its corresponding spatial geometry. By explicitly conditioning the reconstruction on the mask embedding, the model learns a disentangled representation that separates the affordance concept from the geometric structure, providing a superior initialization for the downstream task.

VFM Semantic Feature Injection

Interpreting nuanced language instructions to identify affordances requires a deep semantic understanding that pure geometric representations cannot provide for complex scenes. To bridge this gap, we leverage the high-fidelity rendering capability of 3DGS to inject potent semantic knowledge from pre-trained 2D Vision Foundation Models (VFM).

For a scene represented by a set of nnitalic_n 3D Gaussians, we first generate mmitalic_m multi-view 2D feature maps {F(v)}v=1m\{F^{(v)}\}_{v=1}^{m}{ italic_F start_POSTSUPERSCRIPT ( italic_v ) end_POSTSUPERSCRIPT } start_POSTSUBSCRIPT italic_v = 1 end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_m end_POSTSUPERSCRIPT. Each feature map is obtained by processing a rendered RGB image I(v)I^{(v)}italic_I start_POSTSUPERSCRIPT ( italic_v ) end_POSTSUPERSCRIPT with a frozen, pre-trained VFM, ΨVFM\Psi_{\text{VFM}}roman_Ψ start_POSTSUBSCRIPT VFM end_POSTSUBSCRIPT (e.g., DINOv2 (Oquab et al. 2023),CLIP (Radford et al. 2021)):

F(v)=ΨVFM(I(v))H×W×dsemF^{(v)}=\Psi_{\text{VFM}}(I^{(v)})\in\mathbb{R}^{H\times W\times d_{\text{sem}}}italic_F start_POSTSUPERSCRIPT ( italic_v ) end_POSTSUPERSCRIPT = roman_Ψ start_POSTSUBSCRIPT VFM end_POSTSUBSCRIPT ( italic_I start_POSTSUPERSCRIPT ( italic_v ) end_POSTSUPERSCRIPT ) ∈ blackboard_R start_POSTSUPERSCRIPT italic_H × italic_W × italic_d start_POSTSUBSCRIPT sem end_POSTSUBSCRIPT end_POSTSUPERSCRIPT (6)

To lift these 2D features into the 3D space, we employ a learning-free aggregation process akin to an inverse rendering operation following the learning-free lifting paradigm (Marrie et al. 2024) . This approach correctly handles the contribution of multiple Gaussians to each rendered pixel via alpha-blending. The semantic feature vector fisemf_{i}^{\text{sem}}italic_f start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT sem end_POSTSUPERSCRIPT for each Gaussian iiitalic_i is computed as a weighted average of all the 2D pixel features it influences across all views. The weight for each pixel feature Fp(v)F_{p}^{(v)}italic_F start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ( italic_v ) end_POSTSUPERSCRIPT (from view vvitalic_v at pixel ppitalic_p) is its rendering weight wi(v,p)w_{i}(v,p)italic_w start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ( italic_v , italic_p ), which represents the influence of Gaussian iiitalic_i on that pixel. The lifted feature is defined as:

fisem=(v,p)𝒮iwi(v,p)Fp(v)(v,p)𝒮iwi(v,p)f_{i}^{\text{sem}}=\frac{\sum_{(v,p)\in\mathcal{S}_{i}}w_{i}(v,p)F_{p}^{(v)}}{\sum_{(v,p)\in\mathcal{S}_{i}}w_{i}(v,p)}italic_f start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT start_POSTSUPERSCRIPT sem end_POSTSUPERSCRIPT = divide start_ARG ∑ start_POSTSUBSCRIPT ( italic_v , italic_p ) ∈ caligraphic_S start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_w start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ( italic_v , italic_p ) italic_F start_POSTSUBSCRIPT italic_p end_POSTSUBSCRIPT start_POSTSUPERSCRIPT ( italic_v ) end_POSTSUPERSCRIPT end_ARG start_ARG ∑ start_POSTSUBSCRIPT ( italic_v , italic_p ) ∈ caligraphic_S start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT end_POSTSUBSCRIPT italic_w start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ( italic_v , italic_p ) end_ARG (7)

where 𝒮i\mathcal{S}_{i}caligraphic_S start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT is the set of all view-pixel pairs (v,p)(v,p)( italic_v , italic_p ) that Gaussian iiitalic_i contributes to. This aggregation method inverts the rendering process to produce a semantically-rich feature bank Fsemn×dsemF_{\text{sem}}\in\mathbb{R}^{n\times d_{\text{sem}}}italic_F start_POSTSUBSCRIPT sem end_POSTSUBSCRIPT ∈ blackboard_R start_POSTSUPERSCRIPT italic_n × italic_d start_POSTSUBSCRIPT sem end_POSTSUBSCRIPT end_POSTSUPERSCRIPT attached to the Gaussians.

The the lifted semantic features FsemF_{\text{sem}}italic_F start_POSTSUBSCRIPT sem end_POSTSUBSCRIPT are injected into the Conditional Affordance Decoder at multiple scales using additive fusion, this multi-scale strategy enhances semantic consistency in segmentation by informing the decoding process at all levels of granularity, from coarse to fine-grained.

Experiments

Experimental Settings

Baseline Models. Since our method is the first sequence reasoning approach based on 3DGS, for a fair comparison, we selected the following baselines: 3DAffordSplat (Wei et al. 2025), a single-step reasoning method based on 3DGS; PointRefer (Li et al. 2024b) and IAGNet (Yang et al. 2023), single-step methods based on point clouds; and SeqAfford (Yu et al. 2025), a sequence reasoning method based on point clouds. We evaluate these methods under various settings.

Implementation Details. For our primary results, we chose the Qwen-3-0.6B (Yang et al. 2025) as the LLM, formatting inputs with its official chat template. The model was fine-tuned for our task using Low-Rank Adaptation (LoRA) (Hu et al. 2022). Both geometric and semantic feature dimensions projected set to 512. The model was first pre-trained for 10 epochs at a learning rate of 1×1041\times 10^{-4}1 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT. It was then trained for 50 epochs, where all non-LLM parameters used a decaying learning rate of 1×1041\times 10^{-4}1 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT. For Qwen’s LoRA fine-tuning, we targeted the q_proj, k_proj, v_proj, and lm_head layers with a rank of 8 and an alpha of 16. The Adam optimizer (Kingma and Ba 2014) with weight decay was used for both training stages. Experiments were conducted on 8 GeForce RTX 3090 GPUs.

Results on SeqAffordSplat Dataset

We performed the Sequential 3D Gaussian Affordance Reasoning task on the SeqAffordSplat Dataset. As outlined in the Dataset section, this task is categorized into three distinct settings based on the nature of the instructions: Single, Sequential (with ground-truth sequence), and end-to-end Sequential. The main results are presented in Table 2.

Single. In the single-step setting, models predict an affordance mask for a single, explicit instruction. Our method achieves a state-of-the-art performance with an mIoU of 37.0 and an AUC of 94.0. This represents a significant improvement of 5.7 points in mIoU over the strongest point-cloud-based baseline, PointRefer (31.3), and a 6.5-point improvement over the 3DGS-based baseline, 3DAffordSplat (30.5). Notably, the performance of 3DAffordSplat is slightly lower than that of PointRefer. A possible reason is that 3DAffordSplat treats the 3D Gaussians simply as a point cloud enriched with features like opacity, scale, and rotation, without fully leveraging the high-fidelity rendering capabilities inherent to 3DGS. This demonstrates the superior capability of our architecture in understanding and grounding instructions even in non-sequential scenarios.

Refer to caption
Figure 3: Visual Results of our proposed methods.

Sequential(with GT seq). This setting evaluates the model’s ability to ground affordances given a ground-truth sequence of sub-instructions. This isolates the performance of the perception module from the language reasoning component. Our method continues to outperform all baselines, achieving an sIoU of 36.0. This is 5.7 points higher than the next-best baseline, PointRefer, indicating that our conditional decoder excels at accurately interpreting specific sub-tasks and generating precise affordance masks.

Sequential. This is the full end-to-end task, where the model must reason about a complex instruction and generate the entire sequence of affordance masks. Since other baselines do not support end-to-end sequential reasoning, we compare our method against SeqAfford (Yu et al. 2025), the only available baseline for this task, which operates on point clouds. In this challenging setting, our method demonstrates a remarkable improvement. We achieve an sIoU of 26.2, which is more than double the performance of SeqAfford (12.1). This substantial gain of 14.1 points in sIoU underscores the effectiveness of our integrated reasoning and perception framework, which leverages the LLM to decompose tasks and the decoder to ground them in the 3DGS representation.

Table 3: Results on 3DAffordSplat dataset
Method mIoU↑ AUC↑ SIM↑ MAE↓
3DAffordSplat 30.3 83.9 0.440 0.210
IAGNet 14.6 56.7 0.350 0.410
PointRefer 18.4 78.5 0.430 0.200
OURS 40.2 89.3 0.530 0.169

Results on 3DaffordSplat Datasets

To validate the generalization capability of our approach, we also evaluated it on the existing 3DAffordSplat dataset (Wei et al. 2025), which focuses on single-step affordance reasoning on 3D Gaussian data. As shown in Table 3, our method achieves an mIoU of 40.2, significantly outperforming all prior methods. This result is 9.9 points higher than the original 3DAffordSplat benchmark, confirming that the architectural designs and training strategies proposed in our work are robust and effective beyond our new sequential task, setting a new state-of-the-art on this established benchmark as well.

Table 4: Ablation Study of Main Components
Component sIoU↑ sAUC↑ sSIM↑ sMAE↓
Pretrain Feature
×\times× ×\times× 20.3 76.3 0.229 0.169
×\times× 24.1 78.5 0.302 0.141
CLIP 24.2 79.1 0.290 0.141
DINO v2 26.2 80.6 0.312 0.132
Table 5: Ablation Study of LLM backbones
LLM sIoU↑ sAUC↑ sSIM↑ sMAE↓
GPT2-small(0.1B) 12.1 43.9 0.156 0.488
Qwen3-0.6B 26.2 80.6 0.312 0.132
Qwen3-1.7B 26.4 79.5 0.291 0.147
Qwen3-8B 24.2 78.6 0.285 0.148

Ablation Study

We conducted ablation studies to analyze the contribution of each key component in our framework on Sequential task.

Effects of Different Components. The effectiveness of our main components is validated in Table 4. Our Conditional Geometric Reconstruction pre-training provides a substantial performance boost over a baseline model, improving the sIoU from 20.3 to 24.1. The subsequent injection of rich semantic features from DINOv2 further lifts the performance to 26.2 sIoU. This demonstrates that both our pre-training strategy and semantic feature fusion are critical to the model’s success.

Effects of Different LLM Encoders. We investigated the impact of the LLM backbone on reasoning performance, with results shown in Table 5. The results demonstrate that the choice of LLM is critical for the sequential reasoning task. The GPT2-small (0.1B)(Radford et al. 2019) model serves as a baseline, achieving a mere 12.1 sIoU, which underscores the necessity of a more capable language model. Among the Qwen3 series, our primary model, Qwen3-0.6B, performs very competitively with an sIoU of 26.2, while also achieving the best sAUC (80.6) and sSIM (0.312) scores. Interestingly, the largest model tested, Qwen3-8B, shows a performance degradation with an sIoU of 24.2. This suggests that simply increasing parameter count does not guarantee better performance on this task. Consequently, we selected Qwen3-0.6B for our main experiments as it offers an excellent trade-off between high performance across multiple metrics and model efficiency.

Qualitative Results

Figure 3 presents a qualitative comparison of our method against baselines. In single-step scenarios (a), our model demonstrates superior precision. For example, it correctly identifies the specific liftable part of an bag based on a nuanced instruction, while competing methods segment the incorrect region. More critically, for the sequential task (b), our model successfully decomposes a high-level command (“listen to music using a laptop”) into a logical, multi-step sequence of affordances. In contrast, the baseline method fails to generate a coherent plan, visually validating our framework’s advanced reasoning and grounding capabilities for complex, long-horizon tasks.

Conclusion

In this paper, we advance 3D affordance reasoning from single-step, object-centric interactions to complex, sequential tasks at the scene level. We introduced SeqSplatNet, the first framework to unify a causal language model with a high-fidelity 3DGS representation for this new paradigm. Bolstered by novel geometric pre-training and semantic feature injection techniques, our method establishes a new state-of-the-art, outperforming the prior sequential baseline by 14.1% on our newly proposed SeqAffordSplat benchmark. This work provides a critical foundation for developing more capable embodied agents that can understand and execute long-horizon instructions in complex environments.

References

  • Achiam et al. (2023) Achiam, J.; Adler, S.; Agarwal, S.; Ahmad, L.; Akkaya, I.; Aleman, F. L.; Almeida, D.; Altenschmidt, J.; Altman, S.; Anadkat, S.; et al. 2023. Gpt-4 technical report. arXiv preprint arXiv:2303.08774.
  • Chen et al. (2025) Chen, D.; Kong, D.; Li, J.; and Yin, B. 2025. MaskPrompt: Open-Vocabulary Affordance Segmentation with Object Shape Mask Prompts. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 39, 2034–2042.
  • Cheng, Schwing, and Kirillov (2021) Cheng, B.; Schwing, A.; and Kirillov, A. 2021. Per-pixel classification is not all you need for semantic segmentation. Advances in neural information processing systems, 34: 17864–17875.
  • Dalgarno and Lee (2010) Dalgarno, B.; and Lee, M. J. 2010. What are the learning affordances of 3-D virtual environments? British journal of educational technology, 41(1): 10–32.
  • Deng et al. (2021) Deng, S.; Xu, X.; Wu, C.; Chen, K.; and Jia, K. 2021. 3d affordancenet: A benchmark for visual object affordance understanding. In proceedings of the IEEE/CVF conference on computer vision and pattern recognition, 1778–1787.
  • Do, Nguyen, and Reid (2018) Do, T.-T.; Nguyen, A.; and Reid, I. 2018. Affordancenet: An end-to-end deep learning approach for object affordance detection. In 2018 IEEE international conference on robotics and automation (ICRA), 5882–5889. IEEE.
  • Hu et al. (2022) Hu, E. J.; Shen, Y.; Wallis, P.; Allen-Zhu, Z.; Li, Y.; Wang, S.; Wang, L.; Chen, W.; et al. 2022. Lora: Low-rank adaptation of large language models. ICLR, 1(2): 3.
  • Kerbl et al. (2023) Kerbl, B.; Kopanas, G.; Leimkühler, T.; and Drettakis, G. 2023. 3D Gaussian splatting for real-time radiance field rendering. ACM Trans. Graph., 42(4): 139–1.
  • Kingma and Ba (2014) Kingma, D. P.; and Ba, J. 2014. Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980.
  • Li et al. (2024a) Li, G.; Sun, D.; Sevilla-Lara, L.; and Jampani, V. 2024a. One-shot open affordance learning with foundation models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 3086–3096.
  • Li et al. (2024b) Li, Y.; Zhao, N.; Xiao, J.; Feng, C.; Wang, X.; and Chua, T.-s. 2024b. Laso: Language-guided affordance segmentation on 3d object. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 14251–14260.
  • Lu et al. (2025) Lu, D.; Kong, L.; Huang, T.; and Lee, G. H. 2025. Geal: Generalizable 3d affordance learning with cross-modal consistency. In Proceedings of the Computer Vision and Pattern Recognition Conference, 1680–1690.
  • Lu et al. (2024) Lu, G.; Zhang, S.; Wang, Z.; Liu, C.; Lu, J.; and Tang, Y. 2024. Manigaussian: Dynamic gaussian splatting for multi-task robotic manipulation. In European Conference on Computer Vision, 349–366. Springer.
  • Marrie et al. (2024) Marrie, J.; Ménégaux, R.; Arbel, M.; Larlus, D.; and Mairal, J. 2024. LUDVIG: Learning-free uplifting of 2d visual features to Gaussian splatting scenes. arXiv preprint arXiv:2410.14462.
  • Mo et al. (2022) Mo, K.; Qin, Y.; Xiang, F.; Su, H.; and Guibas, L. 2022. O2o-afford: Annotation-free large-scale object-object affordance learning. In Conference on robot learning, 1666–1677. PMLR.
  • Mohammadi et al. (2023) Mohammadi, S. S.; Duarte, N. F.; Dimou, D.; Wang, Y.; Taiana, M.; Morerio, P.; Dehban, A.; Moreno, P.; Bernardino, A.; Del Bue, A.; et al. 2023. 3dsgrasp: 3d shape-completion for robotic grasp. arXiv preprint arXiv:2301.00866.
  • Nagarajan and Grauman (2020) Nagarajan, T.; and Grauman, K. 2020. Learning affordance landscapes for interaction exploration in 3d environments. Advances in Neural Information Processing Systems, 33: 2005–2015.
  • Oquab et al. (2023) Oquab, M.; Darcet, T.; Moutakanni, T.; Vo, H.; Szafraniec, M.; Khalidov, V.; Fernandez, P.; Haziza, D.; Massa, F.; El-Nouby, A.; et al. 2023. Dinov2: Learning robust visual features without supervision. arXiv preprint arXiv:2304.07193.
  • Qi et al. (2017) Qi, C. R.; Yi, L.; Su, H.; and Guibas, L. J. 2017. Pointnet++: Deep hierarchical feature learning on point sets in a metric space. Advances in neural information processing systems, 30.
  • Qian et al. (2024) Qian, S.; Chen, W.; Bai, M.; Zhou, X.; Tu, Z.; and Li, L. E. 2024. Affordancellm: Grounding affordance from vision language models. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 7587–7597.
  • Radford et al. (2021) Radford, A.; Kim, J. W.; Hallacy, C.; Ramesh, A.; Goh, G.; Agarwal, S.; Sastry, G.; Askell, A.; Mishkin, P.; Clark, J.; et al. 2021. Learning transferable visual models from natural language supervision. In International conference on machine learning, 8748–8763. PmLR.
  • Radford et al. (2019) Radford, A.; Wu, J.; Child, R.; Luan, D.; Amodei, D.; Sutskever, I.; et al. 2019. Language models are unsupervised multitask learners. OpenAI blog, 1(8): 9.
  • Roy and Todorovic (2016) Roy, A.; and Todorovic, S. 2016. A multi-scale cnn for affordance segmentation in rgb images. In European conference on computer vision, 186–201. Springer.
  • Shao et al. (2025) Shao, Y.; Zhai, W.; Yang, Y.; Luo, H.; Cao, Y.; and Zha, Z.-J. 2025. Great: Geometry-intention collaborative inference for open-vocabulary 3d object affordance grounding. In Proceedings of the Computer Vision and Pattern Recognition Conference, 17326–17336.
  • Shorinwa et al. (2024) Shorinwa, O.; Tucker, J.; Smith, A.; Swann, A.; Chen, T.; Firoozi, R.; Kennedy III, M.; and Schwager, M. 2024. Splat-mover: Multi-stage, open-vocabulary robotic manipulation via editable gaussian splatting. arXiv preprint arXiv:2405.04378.
  • Steffen et al. (2019) Steffen, J. H.; Gaskin, J. E.; Meservy, T. O.; Jenkins, J. L.; and Wolman, I. 2019. Framework of affordances for virtual reality and augmented reality. Journal of management information systems, 36(3): 683–729.
  • Venkatakrishnan et al. (2023) Venkatakrishnan, R.; Venkatakrishnan, R.; Raveendranath, B.; Pagano, C. C.; Robb, A. C.; Lin, W.-C.; and Babu, S. V. 2023. How virtual hand representations affect the perceptions of dynamic affordances in virtual reality. IEEE Transactions on Visualization and Computer Graphics, 29(5): 2258–2268.
  • Wei et al. (2025) Wei, Z.; Lin, J.; Liu, Y.; Chen, W.; Luo, J.; Li, G.; and Lin, L. 2025. 3DAffordSplat: Efficient Affordance Reasoning with 3D Gaussians. arXiv preprint arXiv:2504.11218.
  • Xu et al. (2022) Xu, C.; Chen, Y.; Wang, H.; Zhu, S.-C.; Zhu, Y.; and Huang, S. 2022. Partafford: Part-level affordance discovery from 3d objects. arXiv preprint arXiv:2202.13519.
  • Yamanobe et al. (2017) Yamanobe, N.; Wan, W.; Ramirez-Alpizar, I. G.; Petit, D.; Tsuji, T.; Akizuki, S.; Hashimoto, M.; Nagata, K.; and Harada, K. 2017. A brief review of affordance in robotic manipulation research. Advanced Robotics, 31(19-20): 1086–1101.
  • Yang et al. (2025) Yang, A.; Li, A.; Yang, B.; Zhang, B.; Hui, B.; Zheng, B.; Yu, B.; Gao, C.; Huang, C.; Lv, C.; et al. 2025. Qwen3 technical report. arXiv preprint arXiv:2505.09388.
  • Yang et al. (2023) Yang, Y.; Zhai, W.; Luo, H.; Cao, Y.; Luo, J.; and Zha, Z.-J. 2023. Grounding 3d object affordance from 2d interactions in images. In Proceedings of the IEEE/CVF International Conference on Computer Vision, 10905–10915.
  • Yu et al. (2025) Yu, C.; Wang, H.; Shi, Y.; Luo, H.; Yang, S.; Yu, J.; and Wang, J. 2025. Seqafford: Sequential 3d affordance reasoning via multimodal large language model. In Proceedings of the Computer Vision and Pattern Recognition Conference, 1691–1701.
  • Zheng et al. (2024) Zheng, Y.; Chen, X.; Zheng, Y.; Gu, S.; Yang, R.; Jin, B.; Li, P.; Zhong, C.; Wang, Z.; Liu, L.; et al. 2024. Gaussiangrasper: 3d language gaussian splatting for open-vocabulary robotic grasping. IEEE Robotics and Automation Letters.
  • Zhu et al. (2024) Zhu, S.; Wang, G.; Kong, X.; Kong, D.; and Wang, H. 2024. 3d gaussian splatting in robotics: A survey. arXiv preprint arXiv:2410.12262.