当前位置: 首页 > wzjs >正文

世界疫情最新消息数据seo是做什么的

世界疫情最新消息数据,seo是做什么的,宣传海报在什么网站做,体育网站建设的分析前言: 最近在大模型预测,简单了解了lag-llama开源项目,网上也有很多讲解原理的,这里就将如何快速上手使用说一下,只懂得一点点皮毛,有错误的地方欢迎大佬指出。 简单介绍: Lag-Llama 是一个开…

前言:

最近在大模型预测,简单了解了lag-llama开源项目,网上也有很多讲解原理的,这里就将如何快速上手使用说一下,只懂得一点点皮毛,有错误的地方欢迎大佬指出。

简单介绍:

Lag-Llama 是一个开源的时间序列预测模型,基于 Transformer 架构设计,专注于利用 滞后特征(Lagged Features) 捕捉时间序列的长期依赖关系。其核心思想是将传统时间序列分析中的滞后算子(Lags)与现代深度学习结合,实现对复杂时序模式的高效建模。

GitHup地址:GitHub - time-series-foundation-models/lag-llama: Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting

相关技术原理:...(搜一下很多文章讲的都非常好)

实现模型预测:

1.下载模型文件

从 HuggingFace下载,如果网络原因访问不了,建议从魔搭社区下载(lag-Llama · 模型库)

2.准备数据集

参考文档:pandas.DataFrame based dataset - GluonTS documentation

以我测试数据举例:

3.完整代码:(需要替换模型文件地址和数据集地址)

from itertools import islicefrom matplotlib import pyplot as plt
import matplotlib.dates as mdatesimport torch
from gluonts.evaluation import make_evaluation_predictions, Evaluator
from gluonts.dataset.repository.datasets import get_datasetfrom gluonts.dataset.pandas import PandasDataset
import pandas as pdfrom lag_llama.gluon.estimator import LagLlamaEstimatordef get_lag_llama_predictions(dataset, prediction_length, device, num_samples, context_length=32, use_rope_scaling=False):# 模型文件地址ckpt = torch.load("/models/lag-Llama/lag-llama.ckpt", map_location=device, weights_only=False)  # Uses GPU since in this Colab we use a GPU.estimator_args = ckpt["hyper_parameters"]["model_kwargs"]rope_scaling_arguments = {"type": "linear","factor": max(1.0, (context_length + prediction_length) / estimator_args["context_length"]),}estimator = LagLlamaEstimator(# 模型文件地址ckpt_path="/models/lag-Llama/lag-llama.ckpt",prediction_length=prediction_length,context_length=context_length,# Lag-Llama was trained with a context length of 32, but can work with any context length# estimator argsinput_size=estimator_args["input_size"],n_layer=estimator_args["n_layer"],n_embd_per_head=estimator_args["n_embd_per_head"],n_head=estimator_args["n_head"],scaling=estimator_args["scaling"],time_feat=estimator_args["time_feat"],rope_scaling=rope_scaling_arguments if use_rope_scaling else None,batch_size=1,num_parallel_samples=100,device=device,)lightning_module = estimator.create_lightning_module()transformation = estimator.create_transformation()predictor = estimator.create_predictor(transformation, lightning_module)forecast_it, ts_it = make_evaluation_predictions(dataset=dataset,predictor=predictor,num_samples=num_samples)forecasts = list(forecast_it)tss = list(ts_it)return forecasts, tssimport pandas as pd
from gluonts.dataset.pandas import PandasDataseturl = ("/lag-llama/history.csv"
)
df = pd.read_csv(url, index_col=0, parse_dates=True)# Set numerical columns as float32
for col in df.columns:# Check if column is not of string typeif df[col].dtype != 'object' and pd.api.types.is_string_dtype(df[col]) == False:df[col] = df[col].astype('float32')# Create the Pandas
dataset = PandasDataset.from_long_dataframe(df, target="target", item_id="item_id")backtest_dataset = dataset
# 预测长度
prediction_length = 24  # Define your prediction length. We use 24 here since the data is of hourly frequency
# 样本数
num_samples = 1  # number of samples sampled from the probability distribution for each timestep
device = torch.device("cuda:1")  # You can switch this to CPU or other GPUs if you'd like, depending on your environmentforecasts, tss = get_lag_llama_predictions(backtest_dataset, prediction_length, device, num_samples)# 提取第一个时间序列的预测结果
forecast = forecasts[0]
print('=================================')
# 概率预测的完整样本(形状: [num_samples, prediction_length])
samples = forecast.samples
print(samples)

关键参数说明:

参数

说明

prediction_length

预测的未来时间步长

context_length

模型输入的历史时间步长(需 >= 季节性周期)

num_samples

概率预测的采样次数(值越大,概率区间越准)

checkpoint_path

预训练模型权重路径(需提前下载)

freq

时间序列频率(如 "H" 小时、"D" 天)

结果:

这里只是给出了简单的代码实现,想要更好的效果还需深入研究!!!

http://www.dtcms.com/wzjs/409652.html

相关文章:

  • 旅游区网站开发搜狗收录
  • 工商信息查询官网宁波seo外包推广公司
  • 泉州建设网站公司吗附近哪里有计算机培训班
  • 旅游网站建设公司百度seo如何快速排名
  • 在哪些网站做外贸好中山seo关键词
  • wordpress+后门检查烟台seo快速排名
  • 凡科真的是免费做企业网站seo优化基础教程pdf
  • 做网站除了有服务器还需要什么软件中公教育培训机构官网
  • 兰州网站seo按天计费山西seo优化公司
  • 网站建设公众seo发帖工具
  • 做企业网站哪家公司专业广告优化师工作内容
  • 厦门定制网站建设沈阳cms建站模板
  • 网站开发和网站建设有什么不同互联网营销专家
  • 建设什么网站赚钱产品推广渠道有哪些
  • wordpress 虎嗅 2017网络推广seo怎么弄
  • 论坛门户网站建设运营费用网络营销有哪些特点
  • 建德网站建设公司百度seo优化服务
  • 学校网站建设系统国外推广网站
  • 网站建设专业的公司排名seo综合查询系统
  • 免费商标查询官网郑州网站优化渠道
  • 有做企业网站的吗网站seo方案
  • 广州做网站哪里有房管局备案查询网站
  • 做网站公司300元钱免费自制app软件
  • Python用数据库做网站最佳磁力搜索天堂
  • 东莞市公租房申请网站-建设网seo网站优化策划书
  • wordpress 文章 作者百度搜索优化建议
  • 做销售网站要多少钱seo 论坛
  • 苏州市建设局投诉网站网站备案信息查询
  • 外省住房和城乡建设厅网站网上的推广公司
  • 电子科技网站建设seo搜索培训