Nemoretriever Page Element v3

Model Overview

viz.png Preview of the model output on the example image.

Description

The NeMo Retriever Page Elements v3 model is a specialized object detection model designed to identify and extract elements from document pages. While the underlying technology builds upon work from Megvii Technology, we developed our own base model through complete retraining rather than using pre-trained weights. YOLOX is an anchor-free version of YOLO (You Only Look Once), this model combines a simpler architecture with enhanced performance. The model is trained to detect tables, charts, infographics, titles, header/footers and texts in documents.

This model supersedes the nemoretriever-page-elements model and is a part of the NVIDIA NeMo Retriever family of NIM microservices specifically for object detection and multimodal extraction of enterprise documents.

This model is ready for commercial/non-commercial use.

We are excited to announce the open sourcing of this commercial model. For users interested in deploying this model in production environments, it is also available via the model API in NVIDIA Inference Microservices (NIM) at nemoretriever-page-elements-v2.

License/Terms of use

The use of this model is governed by the NVIDIA Open Model License Agreement and the use of the post-processing scripts are licensed under Apache 2.0.

Team

  • Theo Viel
  • Bo Liu
  • Darragh Hanley
  • Even Oldridge

Correspondence to Theo Viel ([email protected]) and Bo Liu ([email protected])

Deployment Geography

Global

Use Case

The NeMo Retriever Page Elements v3 model is designed for automating extraction of text, charts, tables, infographics etc in enterprise documents. It can be used for document analysis, understanding and processing. Key applications include:

  • Enterprise document extraction, embedding and indexing
  • Augmenting Retrieval Augmented Generation (RAG) workflows with multimodal retrieval
  • Data extraction from legacy documents and reports

Release Date

10/23/2025 via https://huggingface.co/nvidia/nemoretriever-page-elements-v3

References

Model Architecture

Architecture Type: YOLOX
Network Architecture: DarkNet53 Backbone + FPN Decoupled head (one 1x1 convolution + 2 parallel 3x3 convolutions (one for the classification and one for the bounding box prediction). YOLOX is a single-stage object detector that improves on Yolo-v3.
This model was developed based on the Yolo architecture
Number of model parameters: 5.4e7

Input

Input Type(s): Image
Input Format(s): Red, Green, Blue (RGB)
Input Parameters: Two-Dimensional (2D)
Other Properties Related to Input: Image size resized to (1024, 1024)

Output

Output Type(s): Array
Output Format: A dictionary of dictionaries containing np.ndarray objects. The outer dictionary has entries for each sample (page), and the inner dictionary contains a list of dictionaries, each with a bounding box (np.ndarray), class label, and confidence score for that page.
Output Parameters: One-Dimensional (1D)
Other Properties Related to Output: The output contains bounding boxes, detection confidence scores, and object classes (chart, table, infographic, title, text, headers and footers). The thresholds used for non-maximum suppression are conf_thresh=0.01 and iou_thresh=0.5.
Output Classes:

  • Table
    • Data structured in rows and columns
  • Chart
    • Specifically bar charts, line charts, or pie charts
  • Infographic
    • Visual representations of information that is more complex than a chart, including diagrams and flowcharts
    • Maps are not considered infographics
  • Title
    • Titles can be section titles, or table/chart/infographic titles
  • Header/footer
    • Page headers and footers
  • Text
    • Texts are regions of one or more text paragraphs, or standalone text not belonging to any of the classes above

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.

Usage

The model requires torch, and the custom code available in this repository.

  1. Clone the repository
git lfs install
  • Using https
git clone https://huggingface.co/nvidia/nemoretriever-page-elements-v3
  • Or using ssh
git clone [email protected]:nvidia/nemoretriever-page-elements-v3
  1. Run the model using the following code:
import torch
import numpy as np
import matplotlib.pyplot as plt
from PIL import Image

from model import define_model
from utils import plot_sample, postprocess_preds_page_element, reformat_for_plotting

# Load image
path = "./example.png"
img = Image.open(path).convert("RGB")
img = np.array(img)

# Load model
model = define_model("page_element_v3")

# Inference
with torch.inference_mode():
    x = model.preprocess(img)
    preds = model(x, img.shape)[0]

print(preds)

# Post-processing
boxes, labels, scores = postprocess_preds_page_element(preds, model.thresholds_per_class, model.labels)

# Plot
boxes_plot, confs = reformat_for_plotting(boxes, labels, scores, img.shape, model.num_classes)

plt.figure(figsize=(15, 10))
plot_sample(img, boxes_plot, confs, labels=model.labels)
plt.show()

Note that this repository only provides minimal code to infer the model. If you wish to do additional training, refer to the original repo.

  1. Advanced post-processing

Additional post-processing might be required to use the model as part of a data extraction pipeline. We provide examples in the notebook Demo.ipynb.

Model Version(s):

  • nemoretriever-page-elements-v3

Training and Evaluation Datasets:

Training Dataset

Data Modality: Image
Image Training Data Size: Less than a Million Images
Data collection method by dataset: Automated
Labeling method by dataset: Hybrid: Automated, Human
Pretraining (by NVIDIA): 118,287 images of the COCO train2017 dataset
Finetuning (by NVIDIA): 36,093 images from Digital Corpora dataset, with annotations from Azure AI Document Intelligence and data annotation team
Number of bounding boxes per class: 35,328 tables, 44,178 titles, 11,313 charts and 6,500 infographics, 90,812 texts and 10,743 header/footers. The layout model of Document Intelligence was used with 2024-02-29-preview API version.

Evaluation Dataset

The primary evaluation set is a cut of the Azure labels and digital corpora images. Number of bounding boxes per class: 1,985 tables, 2,922 titles, 498 charts, 572 infographics, 4,400 texts and 492 header/footers. Mean Average Precision (mAP) was used as an evaluation metric, which measures the model's ability to correctly identify and localize objects across different confidence thresholds.

Data collection method by dataset: Hybrid: Automated, Human
Labeling method by dataset: Hybrid: Automated, Human
Properties: We evaluated with Azure labels from manually selected pages, as well as manual inspection on public PDFs and powerpoint slides.

Per-class Performance Metrics:

Class AP (%) AR (%)
table 44.643 62.242
chart 54.191 77.557
title 38.529 56.315
infographic 66.863 69.306
text 45.418 73.017
header_footer 53.895 75.670

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.

Bias

Field Response
Participation considerations from adversely impacted groups protected classes in model design and testing None
Measures taken to mitigate against unwanted bias None

Explainability

Field Response
Intended Task/Domain: Document Understanding
Model Type: YOLOX Object Detection for Charts, Tables, Infographics, Header/footers, Texts, and Titles
Intended User: Enterprise developers, data scientists, and other technical users who need to extract structural elements from documents.
Output: After post-processing, the output is three numpy array that contains the detections: boxes [N x 4] (format is normalized (x_min, y_min, x_max, y_max)), associated classes: labels [N] and confidence scores: scores [N].
Describe how the model works: The model identifies objects in an image by first dividing the image into a grid. For each grid cell, it extracts visual features and simultaneously predicts which objects are present (for example, 'chart' or 'table') and where they are located in that cell, all in a single pass through the image.
Name the adversely impacted groups this has been tested to deliver comparable outcomes regardless of: Not Applicable
Technical Limitations & Mitigation: The model may not generalize to unknown document types/formats not commonly found on the web. Further fine-tuning might be required for such documents.
Verified to have met prescribed NVIDIA quality standards: Yes
Performance Metrics: Mean Average Precision, detectionr recall and visual inspection
Potential Known Risks: This model may not always detect all elements in a document.
Licensing & Terms of Use: Use of this model is governed by the NVIDIA Open Model License Agreement and the Apache 2.0 License.

Privacy

Field Response
Generatable or reverse engineerable personal data? No
Personal data used to create this model? No
Was consent obtained for any personal data used? Not Applicable
How often is the dataset reviewed? Before Release
Is there provenance for all datasets used in training? Yes
Does data labeling (annotation, metadata) comply with privacy laws? Yes
Is data compliant with data subject requests for data correction or removal, if such a request was made? No, not possible with externally-sourced data.
Applicable Privacy Policy https://www.nvidia.com/en-us/about-nvidia/privacy-policy/

Safety

Field Response
Model Application Field(s): Object Detection for Retrieval, focused on Enterprise
Describe the life critical impact (if present). Not Applicable
Use Case Restrictions: Abide by NVIDIA Open Model License Agreement.
Model and dataset restrictions: The Principle of least privilege (PoLP) is applied limiting access for dataset generation and model development. Restrictions enforce dataset access during training, and dataset license constraints adhered to.
Downloads last month

-

Downloads are not tracked for this model. How to track
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 Ask for provider support

Collection including nvidia/nemoretriever-page-elements-v3