Movatterモバイル変換


[0]ホーム

URL:


Skip to content

Navigation Menu

Search code, repositories, users, issues, pull requests...

Provide feedback

We read every piece of feedback, and take your input very seriously.

Saved searches

Use saved searches to filter your results more quickly

Sign up

NVIDIA Isaac GR00T N1 is the world's first open foundation model for generalized humanoid robot reasoning and skills.

License

NotificationsYou must be signed in to change notification settings

NVIDIA/Isaac-GR00T

Repository files navigation

NVIDIA Isaac GR00T N1

NVIDIA Isaac GR00T N1 Header

NVIDIA Isaac GR00T N1 is the world's first open foundation model for generalized humanoid robot reasoning and skills. This cross-embodiment model takes multimodal input, including language and images, to perform manipulation tasks in diverse environments.

GR00T N1 is trained on an expansive humanoid dataset, consisting of real captured data, synthetic data generated using the components of NVIDIA Isaac GR00T Blueprint (examples of neural-generated trajectories), and internet-scale video data. It is adaptable through post-training for specific embodiments, tasks and environments.

real-robot-datasim-robot-data

The neural network architecture of GR00T N1 is a combination of vision-language foundation model and diffusion transformer head that denoises continuous actions. Here is a schematic diagram of the architecture:

model-architecture

Here is the general procedure to use GR00T N1:

  1. Assuming the user has already collected a dataset of robot demonstrations in the form of (video, state, action) triplets.
  2. User will first convert the demonstration data into the LeRobot compatible data schema (more info ingetting_started/LeRobot_compatible_data_schema.md), which is compatible with the upstreamHuggingface LeRobot.
  3. Our repo provides examples to configure different configurations for training with different robot embodiments.
  4. Our repo provides convenient scripts to finetune the pre-trained GR00T N1 model on user's data, and run inference.
  5. User will connect theGr00tPolicy to the robot controller to execute actions on their target hardware.

Target Audience

GR00T N1 is intended for researchers and professionals in humanoid robotics. This repository provides tools to:

  • Leverage a pre-trained foundation model for robot control
  • Fine-tune on small, custom datasets
  • Adapt the model to specific robotics tasks with minimal data
  • Deploy the model for inference

The focus is on enabling customization of robot behaviors through finetuning.

Prerequisites

  • We have tested the code on Ubuntu 20.04 and 22.04, GPU: H100, L40, A4090 and A6000 for finetuning and Python==3.10, CUDA version 12.4.
  • For inference, we have tested on Ubuntu 20.04 and 22.04, GPU: 4090, A6000
  • Please make sure you have the following dependencies installed in your system:ffmpeg,libsm6,libxext6

Installation Guide

Clone the repo:

git clone https://github.com/NVIDIA/Isaac-GR00Tcd Isaac-GR00T

Create a new conda environment and install the dependencies. We recommend Python 3.10:

Note that, please make sure your CUDA version is 12.4. Otherwise, you may have a hard time with properly configuring flash-attn module.

conda create -n gr00t python=3.10conda activate gr00tpip install --upgrade setuptoolspip install -e.pip install --no-build-isolation flash-attn==2.7.1.post4

Getting started with this repo

We provide accessible Jupyter notebooks and detailed documentations in the./getting_started folder. Utility scripts can be found in the./scripts folder.

1. Data Format & Loading

  • To load and process the data, we useHuggingface LeRobot data, but with a more detailed metadata and annotation schema (we call it "LeRobot compatible data schema").
  • This schema requires data to be formatted in a specific directory structure to be able to load it.
  • This is an example of the schema that is stored here:./demo_data/robot_sim.PickNPlace
.├─meta │ ├─episodes.jsonl│ ├─modality.json│ ├─info.json│ └─tasks.jsonl├─videos│ └─chunk-000│   └─observation.images.ego_view│     └─episode_000001.mp4│     └─episode_000000.mp4└─data  └─chunk-000    ├─episode_000001.parquet    └─episode_000000.parquet
fromgr00t.data.datasetimportLeRobotSingleDatasetfromgr00t.data.embodiment_tagsimportEmbodimentTagfromgr00t.data.datasetimportModalityConfigfromgr00t.experiment.data_configimportDATA_CONFIG_MAP# get the data configdata_config=DATA_CONFIG_MAP["gr1_arms_only"]# get the modality configs and transformsmodality_config=data_config.modality_config()transforms=data_config.transform()# This is a LeRobotSingleDataset object that loads the data from the given dataset path.dataset=LeRobotSingleDataset(dataset_path="demo_data/robot_sim.PickNPlace",modality_configs=modality_config,transforms=transforms,embodiment_tag=EmbodimentTag.GR1,# the embodiment to use)# This is an example of how to access the data.dataset[5]

2. Inference

fromgr00t.model.policyimportGr00tPolicyfromgr00t.data.embodiment_tagsimportEmbodimentTag# 1. Load the modality config and transforms, or use abovemodality_config=ComposedModalityConfig(...)transforms=ComposedModalityTransform(...)# 2. Load the datasetdataset=LeRobotSingleDataset(.....<Similartotheloadingsectionabove>....)# 3. Load pre-trained modelpolicy=Gr00tPolicy(model_path="nvidia/GR00T-N1-2B",modality_config=modality_config,modality_transform=transforms,embodiment_tag=EmbodimentTag.GR1,device="cuda")# 4. Run inferenceaction_chunk=policy.get_action(dataset[0])

User can also run the inference service using the provided script. The inference service can run in either server mode or client mode.

python scripts/inference_service.py --model_path nvidia/GR00T-N1-2B --server

On a different terminal, run the client mode to send requests to the server.

python scripts/inference_service.py  --client

3. Fine-Tuning

User can run the finetuning script below to finetune the model with the example dataset. A tutorial is available ingetting_started/2_finetuning.ipynb.

Then run the finetuning script:

# first run --help to see the available argumentspython scripts/gr00t_finetune.py --help# then run the scriptpython scripts/gr00t_finetune.py --dataset-path ./demo_data/robot_sim.PickNPlace --num-gpus 1

You can also download a sample dataset from our huggingface sim data releasehere

huggingface-cli download  nvidia/PhysicalAI-Robotics-GR00T-X-Embodiment-Sim \  --repo-type dataset \  --include "gr1_arms_only.CanSort/**" \  --local-dir $HOME/gr00t_dataset

The recommended finetuning configurations is to boost your batch size to the max, and train for 20k steps.

Hardware Performance Considerations

  • Finetuning Performance: We used 1 H100 node or L40 node for optimal finetuning. Other hardware configurations (e.g. A6000, RTX4090) will also work but may take longer to converge. The exact batch size is dependent on the hardware, and on which component of the model is being tuned.
  • Inference Performance: For real-time inference, most modern GPUs perform similarly when processing a single sample. Our benchmarks show minimal difference between L40 and RTX 4090 for inference speed.

For new embodiment finetuning, checkout our notebook ingetting_started/3_new_embodiment_finetuning.ipynb.

4. Evaluation

To conduct an offline evaluation of the model, we provide a script that evaluates the model on a dataset, and plots it out.

Run the newly trained model

python scripts/inference_service.py --server \    --model_path<MODEL_PATH> \    --embodiment_tag new_embodiment

Run the offline evaluation script

python scripts/eval_policy.py --plot \    --dataset_path<DATASET_PATH> \    --embodiment_tag new_embodiment

You will then see a plot of Ground Truth vs Predicted actions, along with unnormed MSE of the actions. This would give you an indication if the policy is performing well on the dataset.

FAQ

I have my own data, what should I do next for finetuning?

  • This repo assumes that your data is already organized according to the LeRobot format.

What is Modality Config? Embodiment Tag? and Transform Config?

  • Embodiment Tag: Defines the robot embodiment used, non-pretrained embodiment tags are all considered as new embodiment tags.
  • Modality Config: Defines the modalities used in the dataset (e.g. video, state, action)
  • Transform Config: Defines the Data Transforms applied to the data during dataloading.
  • For more details, seegetting_started/4_deeper_understanding.md

What is the inference speed for Gr00tPolicy?

Below are benchmark results based on a single L40 GPU. Performance is approximately the same on consumer GPUs like RTX 4090 for inference (single sample processing):

ModuleInference Speed
VLM Backbone22.92 ms
Action Head with 4 diffusion steps4 x 9.90ms = 39.61 ms
Full Model62.53 ms

We noticed that 4 denoising steps are sufficient during inference.

Contributing

For more details, seeCONTRIBUTING.md

License

# SPDX-FileCopyrightText: Copyright (c) 2025 NVIDIA CORPORATION & AFFILIATES. All rights reserved.# SPDX-License-Identifier: Apache-2.0## Licensed under the Apache License, Version 2.0 (the "License");# you may not use this file except in compliance with the License.# You may obtain a copy of the License at## http://www.apache.org/licenses/LICENSE-2.0## Unless required by applicable law or agreed to in writing, software# distributed under the License is distributed on an "AS IS" BASIS,# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.# See the License for the specific language governing permissions and# limitations under the License.

About

NVIDIA Isaac GR00T N1 is the world's first open foundation model for generalized humanoid robot reasoning and skills.

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published

[8]ページ先頭

©2009-2025 Movatter.jp