Skip to content

Tencent-Hunyuan/HY-WorldPlay

Repository files navigation

🎮 HY-World 1.5: A Systematic Framework for Interactive World Modeling with Real-Time Latency and Geometric Consistency

English | 简体中文


"Hold Infinity in the Palm of Your Hand, and Eternity in an Hour"

🎥 Video

Worldplay1.5_en_compressed.mp4

🔥 News

  • January 6, 2026: 🚀 We release the training code for WorldPlay-8B model (based on HY Video), enabling the community to train and fine-tune their own world models!
  • January 6, 2026: 🎯 We open-source WorldPlay-5B model (based on WAN), a new lightweight model that fits into small-VRAM GPUs (but with compromised quality)!
  • January 3, 2026: ⚡ We update the inference code with quantization and engineering optimization for even faster inference speeds!
  • December 17, 2025: 👋 We present the technical report (and research paper) of HY-World 1.5 (WorldPlay), please check out the details and spark some discussion!
  • December 17, 2025: 🤗 We release the first open-source, real-time interactive, and long-term geometric consistent world model, HY-World 1.5 (WorldPlay)!

Join our Wechat and Discord group to discuss and find help from us.

Wechat Group Xiaohongshu X Discord

📋 Table of Contents

📖 Introduction

While HY-World 1.0 is capable of generating immersive 3D worlds, it relies on a lengthy offline generation process and lacks real-time interaction. HY-World 1.5 bridges this gap with WorldPlay, a streaming video diffusion model that enables real-time, interactive world modeling with long-term geometric consistency, resolving the trade-off between speed and memory that limits current methods. Our model draws power from four key designs. 1) We use a Dual Action Representation to enable robust action control in response to the user's keyboard and mouse inputs. 2) To enforce long-term consistency, our Reconstituted Context Memory dynamically rebuilds context from past frames and uses temporal reframing to keep geometrically important but long-past frames accessible, effectively alleviating memory attenuation. 3) We design WorldCompass, a novel Reinforcement Learning (RL) post-training framework designed to directly improve the action-following and visual quality of the long-horizon, autoregressive video model. 4) We also propose Context Forcing, a novel distillation method designed for memory-aware models. Aligning memory context between the teacher and student preserves the student's capacity to use long-range information, enabling real-time speeds while preventing error drift. Taken together, HY-World 1.5 generates long-horizon streaming video at 24 FPS with superior consistency, comparing favorably with existing techniques. Our model shows strong generalization across diverse scenes, supporting first-person and third-person perspectives in both real-world and stylized environments, enabling versatile applications such as 3D reconstruction, promptable events, and infinite world extension.

✨ Highlights

  • Systematic Overview

    HY-World 1.5 has open-sourced a systematic and comprehensive training framework for real-time world models, covering the entire pipeline and all stages, including data, training, and inference deployment. The technical report discloses detailed training specifics for model pre-training, middle-training, reinforcement learning post-training, and memory-aware model distillation. In addition, the report introduces a series of engineering techniques aimed at reducing network transmission latency and model inference latency, thereby achieving a real-time streaming inference experience for users.

  • Inference Pipeline

    Given a single image or text prompt to describe a world, our model performs a next chunk (16 video frames) prediction task to generate future videos conditioned on action from users. For the generation of each chunk, we dynamically reconstitute context memory from past chunks to enforce long-term temporal and geometric consistency.

📜 System Requirements

  • GPU: NVIDIA GPU with CUDA support
  • GPU Memory cost:
    • Inference with AR distilled models (based on HunyuanVideo1.5 with 125 frames):
      • sp = 8: memory=28G
      • sp = 4: memory=34G
      • sp = 1: memory=72G
    • Training (based on HunyuanVideo1.5 with 125 frames):
      • sp = 8: memory=60G

🛠️ Dependencies and Installation

1. Create Environment

conda create --name worldplay python=3.10 -y
conda activate worldplay
pip install -r requirements.txt

2. Install Attention Libraries (Optional but Recommended)

  • Flash Attention: Install Flash Attention for faster inference and reduced GPU memory consumption:

    pip install flash-attn --no-build-isolation

    Detailed instructions: Flash Attention

  • SageAttention: To enable SageAttention for faster inference, you need to install it by the following command:

    git clone https://github.com/cooper1637/SageAttention.git
    cd SageAttention 
    export EXT_PARALLEL=4 NVCC_APPEND_FLAGS="--threads 8" MAX_JOBS=32 # Optional
    python3 setup.py install

3. Install AngelSlim and DeepGEMM

  • AngelSlim: Install AngelSlim to quantize transformer.

    pip install angelslim==0.2.2
  • DeepGEMM: To enable fp8 gemm for transformer, you need to install it by the following command:

    git clone --recursive git@github.com:deepseek-ai/DeepGEMM.git
    cd DeepGEMM
    ./develop.sh
    ./install.sh

4. Download All Required Models

We provide a download script that automatically downloads all required models:

python download_models.py --hf_token <your_huggingface_token>

Important: The vision encoder requires access to a gated model. Before running:

  1. Request access at: https://huggingface.co/black-forest-labs/FLUX.1-Redux-dev
  2. Wait for approval (usually instant)
  3. Create/get your access token at: https://huggingface.co/settings/tokens (select "Read" permission)

If you don't have FLUX access yet, you can skip the vision encoder:

python download_models.py --skip_vision_encoder

The script downloads:

  • HY-WorldPlay action models (~32GB each)
  • HunyuanVideo-1.5 base model (vae, scheduler, 480p transformer)
  • Qwen2.5-VL-7B-Instruct text encoder (~15GB)
  • ByT5 encoders (byt5-small + Glyph-SDXL-v2)
  • SigLIP vision encoder (from FLUX.1-Redux-dev)

After download completes, the script will print the model paths to add to run.sh.

🎮 Quick Start

We provide a demo for the HY-World 1.5 model for quick start.

demo.mp4

Try our online demo without installation: https://3d.hunyuan.tencent.com/sceneTo3D

🧱 Model Checkpoints

Model Description Download
HY-World1.5-Bidirectional-480P-I2V Bidirectional attention model with reconstituted context memory. Link
HY-World1.5-Autoregressive-480P-I2V Autoregressive model with reconstituted context memory. Link
HY-World1.5-Autoregressive-480P-I2V-rl Autoregressive model with RL post-training. To be released
HY-World1.5-Autoregressive-480P-I2V-distill Distilled autoregressive model optimized for fast inference (4 steps). Link
HY-World1.5-Autoregressive-480P-I2V-rl-distill Distilled autoregressive model with RL post-training. To be released

🔑 Inference

We provide two inference pipelines for WorldPlay:

  1. HunyuanVideo-based Pipeline (recommended): Better action control and long-term memory, with HunyuanVideo-8B as backbone
  2. WAN Pipeline (lightweight): Small VRAM but action control and long-term memory are compromised, with WAN-5B as backbone

HunyuanVideo-based Inference

Configure Model Paths

After running download_models.py, update run.sh with the printed model paths:

# These paths are printed by download_models.py after download completes
MODEL_PATH=<path_printed_by_download_script>
AR_ACTION_MODEL_PATH=<path_printed_by_download_script>/ar_model
BI_ACTION_MODEL_PATH=<path_printed_by_download_script>/bidirectional_model
AR_DISTILL_ACTION_MODEL_PATH=<path_printed_by_download_script>/ar_distilled_action_model

Configuration Options

In run.sh, you can configure:

Parameter Description
PROMPT Text description of the scene
IMAGE_PATH Input image path (required for I2V)
NUM_FRAMES Number of frames to generate (default: 125). Important Note: Must satisfy (num_frames-1) % 4 == 0. For bidirectional models: [(num_frames-1) // 4 + 1] % 16 == 0. For autoregressive models: [(num_frames-1) // 4 + 1] % 4 == 0
N_INFERENCE_GPU Number of GPUs for parallel inference
POSE Camera trajectory: pose string (e.g., w-31 means generating [1 + 31] latents) or JSON file path

Model Selection

Uncomment one of the three inference commands in run.sh:

  1. Bidirectional Model:

    --action_ckpt $BI_ACTION_MODEL_PATH --model_type 'bi'
  2. Autoregressive Model:

    --action_ckpt $AR_ACTION_MODEL_PATH --model_type 'ar'
  3. Distilled Model:

    --action_ckpt $AR_DISTILL_ACTION_MODEL_PATH --few_step true --num_inference_steps 4 --model_type 'ar'

Camera Trajectory Control

You have two options to control camera trajectories:

Option 1: Pose String (Recommended for Quick Testing)

Use intuitive pose strings by setting the POSE variable in run.sh:

POSE='w-31'

Supported Actions:

  • Movement: w (forward), s (backward), a (left), d (right)
  • Rotation: up (pitch up), down (pitch down), left (yaw left), right (yaw right)
  • Format: action-duration where duration specifies the number of latents corresponding to the given action.

Examples:

# Move forward for 31 latents (default). Generate [1 + 31] latents
POSE='w-31'

# Move forward 3 latents, rotate right 1 latents, move right 4 latents. Generate [1 + 3 + 1 + 4] latents
POSE='w-3, right-1, d-4'

# Complex trajectory. Generate [1 + 2 + 1 + 2 + 4] latents
POSE='w-2, right-1, d-2, up-4'
Option 2: Custom JSON Files

For more complex trajectories, use generate_custom_trajectory.py:

python generate_custom_trajectory.py

Then set the JSON file path in run.sh:

POSE='./assets/pose/your_custom_trajectory.json'

Prompt Rewriting (Optional)

For better prompts, you can enable prompt rewriting with a vLLM server:

export T2V_REWRITE_BASE_URL="<your_vllm_server_base_url>"
export T2V_REWRITE_MODEL_NAME="<your_model_name>"
REWRITE=true  # in run.sh

Run Inference

After editing run.sh to configure your settings, run:

bash run.sh

WAN Pipeline Inference

For detailed information about WAN-based WorldPlay pipeline, please refer to wan/README.md.

⚙️Training

We provide a detailed documentation in Training Documentation.

📊 Evaluation

HY-World 1.5 surpasses existing methods across various quantitative metrics, including reconstruction metrics for different video lengths and human evaluations.

Model Real-time Short-term Long-term
PSNR SSIM LPIPS $R_{dist}$ $T_{dist}$ PSNR SSIM LPIPS $R_{dist}$ $T_{dist}$
CameraCtrl 17.93 0.569 0.298 0.037 0.341 10.09 0.241 0.549 0.733 1.117
SEVA 19.84 0.598 0.313 0.047 0.223 10.51 0.301 0.517 0.721 1.893
ViewCrafter 19.91 0.617 0.327 0.029 0.543 9.32 0.271 0.661 1.573 3.051
Gen3C 21.68 0.635 0.278 0.024 0.477 15.37 0.431 0.483 0.357 0.979
VMem 19.97 0.587 0.316 0.048 0.219 12.77 0.335 0.542 0.748 1.547
Matrix-Game-2.0 17.26 0.505 0.383 0.287 0.843 9.57 0.205 0.631 2.125 2.742
GameCraft 21.05 0.639 0.341 0.151 0.617 10.09 0.287 0.614 2.497 3.291
Ours (w/o Context Forcing) 21.27 0.669 0.261 0.033 0.157 16.27 0.425 0.495 0.611 0.991
Ours (full) 21.92 0.702 0.247 0.031 0.121 18.94 0.585 0.371 0.332 0.797

🎬 More Examples

fps.mp4
tps.mp4
promptable_event.mp4

📝 TODO

  • Open-source training code
  • Open-source quantized & accelerated inference
  • Open-source Lite model

📚 Citation

@article{hyworld2025,
  title={HY-World 1.5: A Systematic Framework for Interactive World Modeling with Real-Time Latency and Geometric Consistency},
  author={Team HunyuanWorld},
  journal={arXiv preprint},
  year={2025}
}

@article{worldplay2025,
    title={WorldPlay: Towards Long-Term Geometric Consistency for Real-Time Interactive World Model},
    author={Wenqiang Sun and Haiyu Zhang and Haoyuan Wang and Junta Wu and Zehan Wang and Zhenwei Wang and Yunhong Wang and Jun Zhang and Tengfei Wang and Chunchao Guo},
    year={2025},
    journal={arXiv preprint}
}

Contact

Please send emails to tengfeiwang12@gmail.com if there is any question

🙏 Acknowledgements

We would like to thank HunyuanWorld, HunyuanWorld-Mirror, HunyuanVideo, and FastVideo for their great work.

About

HY-World 1.5: A Systematic Framework for Interactive World Modeling with Real-Time Latency and Geometric Consistency

Topics

Resources

License

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published