model_id: Toto-Open-Base-1.0
tags:
- 时间序列预测
- 基础模型
- 预训练模型
- 时间序列基础模型
- 时间序列
- 时序数据
- Transformer架构
- 预测模型
- safetensors格式
- Apache-2.0许可证
paper:
- [论文链接] # 待补充
datasets:
- Salesforce/GiftEvalPretrain数据集
- autogluon/chronos_datasets数据集
leaderboards:
- GiftEval排行榜(若结果公开)#待确认(Anna)
- BOOM排行榜(若结果公开)#待确认(Anna)
license: apache-2.0
Toto-Open-Base-1.0
Toto(面向可观测性优化的时序Transformer)是一个专为多元时间序列预测设计的基础模型,特别适用于可观测性指标。该模型能高效处理可观测性场景中常见的高维、稀疏和非平稳数据。
Toto-Open-Base-1.0架构概览
⚡ 快速开始:模型推理
推理代码已发布于GitHub。
安装步骤
git clone https://github.com/DataDog/toto.git
cd toto
pip install -r requirements.txt
🚀 推理示例
快速生成预测的示例代码:
import torch
from data.util.dataset import MaskedTimeseries
from inference.forecaster import TotoForecaster
from model.toto import Toto
DEVICE = 'cuda'
toto = Toto.from_pretrained('Datadog/Toto-Open-Base-1.0').to(DEVICE)
toto.compile()
forecaster = TotoForecaster(toto.model)
input_series = torch.randn(7, 4096).to(DEVICE)
timestamp_seconds = torch.zeros(7, 4096).to(DEVICE)
time_interval_seconds = torch.full((7,), 60*15).to(DEVICE)
inputs = MaskedTimeseries(
series=input_series,
padding_mask=torch.full_like(input_series, True, dtype=torch.bool),
id_mask=torch.zeros_like(input_series),
timestamp_seconds=timestamp_seconds,
time_interval_seconds=time_interval_seconds,
)
forecast = forecaster.forecast(
inputs,
prediction_length=336,
num_samples=256,
samples_per_batch=256,
)
mean_prediction = forecast.mean
prediction_samples = forecast.samples
lower_quantile = forecast.quantile(0.1)
upper_quantile = forecast.quantile(0.9)
详细教程请参考推理指南笔记本。
性能建议
🏷️ 可用模型版本
✨ 核心特性
- 零样本预测能力
- 多元时间序列支持
- 纯解码器Transformer架构
- 概率化预测(学生T混合模型)
- 因果分片实例归一化
- 基于海量数据的预训练
- 高维时序数据支持
- 专为可观测性指标优化
- 在GiftEval和BOOM基准测试中达到SOTA水平
📊 训练数据摘要
- 可观测性指标: 来自Datadog内部系统的约1万亿数据点(不含客户数据)
- 公开数据集:
- 合成数据: 约占训练数据总量的1/3
🔗 扩展资源
📜 引用声明
若在研究中使用了Toto模型,请引用以下内容:
@misc{toto2025,
title={此一时彼一时:时间序列基础模型的可观测性视角},
author={待补充},
year={2025},
eprint={arXiv:待补充},
archivePrefix={arXiv},
primaryClass={cs.LG}
}