Description:
PS3-4K-SigLIP is a vision encoder that extracts visual features from images of up to 4K resolution.
This model is for research and development only.
License/Terms of Use:
NVIDIA license (see https://huggingface.co/nvidia/PS3-4K-SigLIP/blob/main/LICENSE.md)
Deployment Geography:
Global
Use Case:
The model is used for extracting visual features from high-resolution images.
Release Date:
Huggingface [05/30/2025] via [https://huggingface.co/nvidia/PS3-4K-SigLIP]
Reference(s):
The model is from the paper Scaling Vision Pre-Training to 4K Resolution. Useful links:
Model Architecture:
Architecture Type: Neural Network
Network Architecture: Vision Transformer designed for high-resolution images
This model was developed based on SigLIP. Please see training designs in the paper.
Input:
Input Type(s): Image
Input Format: Red, Green, Blue (RGB)
Input Parameters: 2D
Other Properties Related to Input: Image resolutions up to 3780*3780.
Output:
Output Type(s): Embeddings
Output Format: Tensor
Output Parameters: 1D
Other Properties Related to Output: Downstream model required to leverage image features
Our AI models are designed and/or optimized to run on NVIDIA GPU-accelerated systems. By leveraging NVIDIA’s hardware (e.g. GPU cores) and software frameworks (e.g., CUDA libraries), the model achieves faster training and inference times compared to CPU-only solutions.
Software Integration:
Runtime Engine(s):
N/A
Supported Hardware Microarchitecture Compatibility:
NVIDIA Ampere
NVIDIA Blackwell
NVIDIA Jetson
NVIDIA Hopper
Preferred/Supported Operating System(s):
Linux
Linux 4 Tegra
QNX
Windows
Model Version(s):
v1.0 - Initial release
Pre-Trained Models
PS3 models
Vision Model | Max Resolution | Pre-Trained Weights |
---|---|---|
PS3-1.5K-SigLIP | 1512 * 1512 | nvidia/PS3-1.5K-SigLIP |
PS3-4K-SigLIP | 3780 * 3780 | nvidia/PS3-4K-SigLIP |
Training Datasets:
75M images
1 dataset that's built based on:
- SA-1B (https://ai.meta.com/datasets/segment-anything/)
- IDL (https://huggingface.co/datasets/pixparse/idl-wds)
Training: 100%
Training Dataset:
Link: We used the following dataset during developing PS3:
- SA-1B (https://ai.meta.com/datasets/segment-anything/)
- IDL (https://huggingface.co/datasets/pixparse/idl-wds)
Data Collection Method by dataset:
Automated
Labeling Method by dataset:
Automated
Properties (Quantity, Dataset Descriptions, Sensor(s)):
75M images with resolution up to 4Kx4K.
Performance
Performance of PS3 models
See Table 1 in the paper for full results.
Vision Model | Pre-Trained Weights | Max Resolution | # High-Res Token | TextVQA | ChartQA | DocVQA | InfoVQA | OCRBench | V*Bench | RealWorldQA | Avg |
---|---|---|---|---|---|---|---|---|---|---|---|
SigLIP | 378 | 0 | 62.3 | 56.6 | 51.9 | 30.7 | 387 | 51.8 | 57.1 | 49.9 | |
SigLIP + AnyRes | 1512 | 3136 | 67.4 | 58.4 | 67.9 | 34.1 | 468 | 60.2 | 59.0 | 56.3 | |
SigLIP + S2 | 1512 | 2916 | 66.1 | 71.0 | 78.3 | 41.1 | 526 | 55.2 | 61.0 | 60.8 | |
PS3-1.5K-SigLIP | nvidia/PS3-1.5K-SigLIP | 1512 | 3645 | 69.3 | 71.1 | 79.4 | 41.3 | 534 | 64.0 | 63.8 | 63.2 |
SigLIP + AnyRes | 3780 | 19600 | OOM | OOM | OOM | OOM | OOM | OOM | OOM | OOM | |
SigLIP + S2 | 3780 | 18225 | OOM | OOM | OOM | OOM | OOM | OOM | OOM | OOM | |
PS3-4K-SigLIP | nvidia/PS3-4K-SigLIP | 3780 | 3840 | 69.8 | 70.9 | 79.1 | 40.5 | 543 | 67.8 | 64.7 | 63.9 |
Inference:
Acceleration Engine: N/A
Test Hardware:
The model is tested on NVIDIA A100 GPU.
Installation
Install through pip to use PS3 out of the box.
pip install ps3-torch
If you would like to make changes to the PS3 code, go to PS3 repository, clone the repo, and install in editable mode.
cd PS3
pip install -e .
Inference - Quick Start
Here we show example usage including
- loading the model
- selectively encoding high-res image based on image saliency (bottom-up selection) and visualizing the selection probabilities
- selectively encoding high-res image based on text prompts (top-down selection) and visualizing the selection probabilities
- formatting the encoded features into (masked) feature maps
1. Load Model and Image
from PIL import Image
from ps3 import PS3VisionModel, PS3ImageProcessor
# Load the PS3 model and processor.
vision_model = PS3VisionModel.from_pretrained("nvidia/PS3-4K-SigLIP")
processor = PS3ImageProcessor.from_pretrained("nvidia/PS3-4K-SigLIP")
vision_model.cuda().eval()
# You can replace it with your own image.
image = Image.open("assets/test_images/dock.jpg")
# Preprocess the image.
x = processor(image)["pixel_values"][0].unsqueeze(0).cuda()
2. Encode High-Res Image with Bottom-Up Selection
PS3 can select important high-res patches based on visual saliency and encode those patches.
You can encode the whole high-res image using PS3.
outs = vision_model(x, num_look_close="all")
features = outs.last_hidden_state
print(features.shape) # (1, 88209, 1152)
Note the PS3-4K model processes the image at multiple scales: 378 (low-res), 756, 1512, and 3780, and it has a patch size of 14.
Then the number of tokens at each scale is (378/14)^2 = 729, (756/14)^2 = 2916, (1512/14)^2 = 11664, and (3780/14)^2 = 72900.
The output hidden state concatenates all the tokens along sequence dimension. That gives us 729 + 2916 + 11664 + 72900 = 88209 tokens in total.
You can encode parts of the high-res image by setting num_look_close
, i.e., how many times to run the high-res selection and encoding.
outs = vision_model(x, num_look_close=2)
features = outs.last_hidden_state
print(features.shape) # (1, 5849, 1152)
In this example, it only runs the high-res selection and encoding twice.
Note that PS3 processes at most 2560 high-res patches at a time. Then running high-res selection and encoding twice gives us 2560 * 2 = 5120 high-res tokens. There is also 729 low-res tokens. That gives us 729 + 5120 = 5849 tokens in total.
You can also decide how many high-res tokens to process by setting num_token_look_close
.
outs = vision_model(x, num_token_look_close=3000)
features = outs.last_hidden_state
print(features.shape) # (1, 3729, 1152)
In this example, it only processes 3000 high-res tokens. Note that PS3 only processes 2560 high-res patches at a time. This means it needs to run the high-res selection and encoding twice, with the first time processing 2560 high-res tokens and the second time processing 440 tokens. In the end it outputs 3729 tokens (3000 high-res + 729 low-res).
Visualize the bottom-up patch selection probabilities.
############## Helper functions for visiualization ##############
# install cv2, matplotlib, scipy for visualization purpose
os.system("pip install opencv-python matplotlib scipy")
from torchvision import transforms
import numpy as np
import os
import cv2
import matplotlib.pyplot as plt
from scipy.ndimage import gaussian_filter
def create_heatmap_overlay(image, heatmap, alpha=0.4, colormap=plt.cm.jet, sigma=10.0):
if len(image.shape) == 2:
image = cv2.cvtColor(image, cv2.COLOR_GRAY2RGB)
smoothed_heatmap = gaussian_filter(heatmap.astype(np.float32), sigma=sigma)
smoothed_heatmap = (smoothed_heatmap - smoothed_heatmap.min()) / \
(smoothed_heatmap.max() - smoothed_heatmap.min())
colored_heatmap = (colormap(smoothed_heatmap) * 255).astype(np.uint8)
if colored_heatmap.shape[-1] == 4:
colored_heatmap = colored_heatmap[:, :, :3]
overlay = cv2.addWeighted(image, 1 - alpha, colored_heatmap, alpha, 0)
return Image.fromarray(overlay)
def save_visualization(selection_probs, image, output_dir):
os.makedirs(output_dir, exist_ok=True)
resize_transform = transforms.Resize(image.size[::-1])
for i, prob in enumerate(selection_probs):
prob = (prob - prob.min()) / (prob.max() - prob.min() + 1e-6)
prob = resize_transform(prob)
prob = prob.squeeze(0).detach().cpu().numpy()
# overlay the selection probability map on the original image
overlay = create_heatmap_overlay(np.array(image), prob)
overlay.save(os.path.join(output_dir, f"selection_prob_scale_{i}.png"))
image.save(os.path.join(output_dir, f"image.png"))
#################### End of helper functions ####################
selection_probs = outs.selection_probs
print([p.shape for p in selection_probs]) # [(1, 54, 54), (1, 108, 108), (1, 270, 270)]
save_visualization(selection_probs, image, "save_path/bottom_up_selection_probs")
selection_probs
contains the selection probability map for each scale. In this case, the feature map of each scale has shapes of 54x54, 108x108, and 270x270. The selection probability reflects how salient/important each patch is and patches with higher probability are selected first. You can visit the demo for more visualization.
3. Encode High-Res Image with Top-Down Selection
PS3 can also select important high-res patches based on any text prompt.
First of all, load the text model and encode the text prompt.
from ps3 import PS3Tokenizer, PS3TextModel
tokenizer = PS3Tokenizer.from_pretrained("nvidia/PS3-4K-SigLIP")
text_model = PS3TextModel.from_pretrained("nvidia/PS3-4K-SigLIP")
text_model.cuda().eval()
text = ["A tall spire with a cross at the top of the building."]
text = tokenizer(text).cuda()
prompt = text_model(text).prompt
Then PS3 can select important high-res patches based on the text prompt and encode those patches.
outs = vision_model(x, num_look_close=2, prompt=prompt)
features = outs.last_hidden_state
print(features.shape) # (1, 5849, 1152)
You can visualize the top-down selection probabilities. Usually the regions related to the text prompt have higher selection probabilities.
selection_probs = outs.selection_probs
save_visualization(selection_probs, image, "save_path/top_down_selection_probs_1")
You can change to another text prompt and see different selection probabilities.
text = ["A green rope on the green and red boat."]
text = tokenizer(text).cuda()
prompt = text_model(text).prompt
outs = vision_model(x, num_look_close=2, prompt=prompt)
selection_probs = outs.selection_probs
save_visualization(selection_probs, image, "save_path/top_down_selection_probs_2")
4. Format the Encoded Features into (Masked) Feature Maps
The features returned above are the concatenation of all the low-res and high-res features.
You can format the features into masked feature maps for each scale.
feature_maps = vision_model.vision_model.format_features_into_feature_maps(outs.last_hidden_state, outs.selection_maps)
print([x.shape for x in feature_maps]) # [(1, 1152, 27, 27), (1, 1152, 54, 54), (1, 1152, 108, 108), (1, 1152, 270, 270)]
This will create a masked feature map feature_maps
which is a list of feature maps (B * C * H * W) for each scale and each feature map contains the actual feature for the selected patches at that scaleand zero vector for the unselected patches.
Inference instructions
Quick Start gives some examples of how to use PS3 to encode an image. Below are more detailed explanations of the arguments of model inference.
class PS3VisionModel(PS3PreTrainedModel):
...
def forward(
self,
pixel_values,
num_look_close,
num_token_look_close=None,
prompt=None,
gt_selection_maps=None,
smooth_selection_prob=False,
only_select_first_n_scale=None,
is_global_text=None,
pool_gt_token_only=False,
):
...
pixel_values
: the input images with shape (B, C, H, W).
num_look_close
: how many times to run high-res selection and encoding. PS3 selects and processes 2560 patches each time. If set to all
then it selects all the high-res patches. If set to 0
then PS3 only returns the low-res features. If set to a larger number than what it needs to encode all the high-res patches, then PS3 will clamp it to the max number needed.
num_token_look_close
: (optinoal) how many high-res patches to select and process. Similar to num_look_close
but num_token_look_close
directly specifies the number of high-res tokens instead of number of running high-res encoding.
prompt
: (optional) the prompt embedding used to select high-res patches. The prompt embedding can be embedding of some text, or some embedding output by an LLM (see the paper). The shape of prompt embedding is (B, C) where B is the batch size (same in pixel_values
) and C is the embedding dimension (same as PS3 token embedding dimension). If prompt=None
, then PS3 will select high-res patches based on visual saliency (bottom-up selection).
gt_selection_maps
: (optional) the ground truth selection maps for the image. It should be a tensor of 0/1 values with shape (B, h, w). Regions with value 1 means they should be selected. When selecting high-res patches, PS3 will interpolate the gt_selection_maps
to the same size as the feature map at each scale, prioritize selecting the tokens where the value is 1, and if there's still budget for selecting more tokens, it will select the rest based on the original selection probability.
smooth_selection_prob
: (optional) smooth the selection probability map such that the selected patches won't be distributed too scarcely each time it runs high-res selection. It slightly improves the performance occasinoally when selecting all the patches but usually hurts when selecting parts of the patches.
only_select_first_n_scale
: (optional) only select the first n high-res scales. For example, for PS3-4K model, if only_select_first_n_scale=2
, then it only selects and processes scales of 756 and 1512, and ignores the scale of 3780.
is_global_text
: (optional) only return the pooled low-res feautres. It will only be used during pre-training.
pool_gt_token_only
: (optional) only pool the tokens inside the gt selection regions. It will only be used during pre-training.
Ethical Considerations:
NVIDIA believes Trustworthy AI is a shared responsibility and we have established policies and practices to enable development for a wide array of AI applications. When downloaded or used in accordance with our terms of service, developers should work with their internal model team to ensure this model meets requirements for the relevant industry and use case and addresses unforeseen product misuse. Please report security vulnerabilities or NVIDIA AI Concerns here.
More Details
Please refer to the PS3 codebase for more details.
Citation
If you find this work useful in your research, please consider citing:
@article{shi2025scaling,
title={Scaling Vision Pre-Training to 4K Resolution},
author={Shi, Baifeng and Li, Boyi and Cai, Han and Lu, Yao and Liu, Sifei and Pavone, Marco and Kautz, Jan and Han, Song and Darrell, Trevor and Molchanov, Pavlo and others},
journal={arXiv preprint arXiv:2503.19903},
year={2025}
}
- Downloads last month
- 85
Model tree for nvidia/PS3-4K-SigLIP
Base model
google/siglip-so400m-patch14-384