Note
Go to the end to download the full example code.
Ensemble Forecasting with Downscaling#
Custom ensembling workflow with generative downscaling using CorrDiff.
This example demonstrates an ensemble forecasting pipeline that runs a prognostic model ensemble and applies CorrDiff generative downscaling to each step and member. While this example uses SFNO for the prognostic model, the pipeline is model-agnostic and can be reused with other prognostic models that follow the Earth2Studio interfaces.
In this example you will learn:
How to create an ensemble forecast pipeline with CorrDiff downscaling
Saving output ensemble data to a Zarr store
Post-process results
# /// script
# dependencies = [
# "earth2studio[sfno] @ git+https://github.com/NVIDIA/earth2studio.git",
# "earth2studio[corrdiff] @ git+https://github.com/NVIDIA/earth2studio.git",
# "cartopy",
# "matplotlib",
# ]
# ///
Creating an Ensemble Downscaling Workflow#
To create our own ensemble forecasting with downscaling workflow, we will use the
built-in ensemble workflow earth2studio.run.ensemble() as the reference to
start with. For this to work we need to update how the output coordinates are
calculated for the IO object, as well as add the CorrDiff model’s forward call
into the forecast loop.
As in previous examples, we use dependency injection to define the signature of the pipeline method.
import os
os.makedirs("outputs", exist_ok=True)
from dotenv import load_dotenv
load_dotenv() # TODO: make common example prep function
from datetime import datetime
from math import ceil
import numpy as np
import torch
from loguru import logger
from tqdm import tqdm
from earth2studio.data import DataSource, fetch_data
from earth2studio.io import IOBackend
from earth2studio.models.dx import CorrDiff
from earth2studio.models.px import PrognosticModel
from earth2studio.perturbation import Perturbation
from earth2studio.utils.coords import map_coords, split_coords
from earth2studio.utils.time import to_time_array
def corrdiff_on_hens_ensemble(
time: list[str] | list[datetime] | list[np.datetime64],
nsteps: int,
nensemble: int,
nsamples: int,
prognostic: PrognosticModel,
corrdiff: CorrDiff,
data: DataSource,
io: IOBackend,
perturbation: Perturbation,
batch_size: int | None = None,
) -> IOBackend:
"""Ensemble CorrDiff pipeline
Parameters
----------
time : list[str] | list[datetime] | list[np.datetime64]
Forecast start times
nsteps : int
Number of forecast steps for prognostic model to take
nensemble : int
Number of forecast ensemble members
nsamples : int
Number of samples from CorrDiff model to generate
prognostic : PrognosticModel
Prognostic model
corrdiff : CorrDiff
CorrDiff model
data : DataSource
Data source
io : IOBackend
IO Backend
perturbation : Perturbation
Perturbation method
batch_size : int | None, optional
Ensemble batch size during forecasting. If None, uses nensemble; default None
"""
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
prognostic = prognostic.to(device)
corrdiff = corrdiff.to(device)
corrdiff.number_of_samples = nsamples
# Fetch initial data for the ensemble
prognostic_ic = prognostic.input_coords()
time = to_time_array(time)
x0, coords0 = fetch_data(
source=data,
time=time,
variable=prognostic_ic["variable"],
lead_time=prognostic_ic["lead_time"],
device=device,
interp_to=prognostic_ic if hasattr(prognostic, "interp_method") else None,
interp_method=getattr(prognostic, "interp_method", "nearest"),
)
# Prepare CorrDiff output coordinates for IO backend
total_coords = corrdiff.output_coords(corrdiff.input_coords())
if "batch" in total_coords:
del total_coords["batch"]
total_coords["time"] = time
total_coords["lead_time"] = np.asarray(
[
prognostic.output_coords(prognostic.input_coords())["lead_time"] * i
for i in range(nsteps + 1)
]
).flatten()
total_coords["ensemble"] = np.arange(nensemble)
total_coords.move_to_end("lead_time", last=False)
total_coords.move_to_end("time", last=False)
total_coords.move_to_end("ensemble", last=False)
variables_to_save = total_coords.pop("variable")
io.add_array(total_coords, variables_to_save)
# Determine batch size and number of batches
batch_size = min(nensemble, batch_size or nensemble)
number_of_batches = ceil(nensemble / batch_size)
logger.info(
f"Starting {nensemble} member ensemble inference with {number_of_batches} batches."
)
# Main ensemble loop
for batch_id in tqdm(
range(0, nensemble, batch_size),
total=number_of_batches,
desc="Ensemble Batches",
):
mini_batch_size = min(batch_size, nensemble - batch_id)
x = x0.to(device)
# Set up coordinates for this batch
coords = {
"ensemble": np.arange(batch_id, batch_id + mini_batch_size),
**coords0.copy(),
}
# Repeat initial condition for each ensemble member in the batch
x = x.unsqueeze(0).repeat(mini_batch_size, *([1] * x.ndim))
x, coords = map_coords(x, coords, prognostic_ic)
x, coords = perturbation(x, coords)
model = prognostic.create_iterator(x, coords)
with tqdm(
total=nsteps + 1,
desc=f"Batch {batch_id} inference",
position=1,
leave=False,
) as pbar:
for step, (x, coords) in enumerate(model):
# Map prognostic outputs to CorrDiff inputs if needed
x, coords = map_coords(x, coords, corrdiff.input_coords())
# CorrDiff workflow: generate and write CorrDiff outputs
x, coords = corrdiff(x, coords)
io.write(*split_coords(x, coords))
pbar.update(1)
if step == nsteps:
break
logger.success("Inference complete")
return io
Set Up#
With the inference pipeline function defined, next let’s create the required components as usual. We need the following:
Prognostic Model: Use the built in SFNO model
earth2studio.models.px.SFNO.CorrDiff Model: Use the built in CorrDiff Taiwan model
earth2studio.models.dx.CorrDiffTaiwan.Datasource: Pull data from the GFS data api
earth2studio.data.GFS.IO Backend: Let’s save the outputs into a Zarr store
earth2studio.io.ZarrBackend.
For the prognostic checkpoint, we will use a HENS checkpoint conveniently stored on HuggingFace. Refer to the previous examples for more information about loading these models.
from earth2studio.data import GFS
from earth2studio.io import ZarrBackend
from earth2studio.models.auto import Package
from earth2studio.models.dx import CorrDiffTaiwan
from earth2studio.models.px import SFNO
from earth2studio.perturbation import (
CorrelatedSphericalGaussian,
HemisphericCentredBredVector,
)
# Create data source
data = GFS()
# Load prognostic model
hens_package = Package(
"hf://datasets/maheshankur10/hens/earth2mip_prod_registry/sfno_linear_74chq_sc2_layers8_edim620_wstgl2-epoch70_seed103",
cache_options={
"cache_storage": Package.default_cache("hens_1"),
"same_names": True,
},
)
model = SFNO.load_model(hens_package)
# Set up perturbation method
noise_amplification = torch.zeros(model.input_coords()["variable"].shape[0])
index_z500 = list(model.input_coords()["variable"]).index("z500")
noise_amplification[index_z500] = 39.27
noise_amplification = noise_amplification.reshape(1, 1, 1, -1, 1, 1)
seed_perturbation = CorrelatedSphericalGaussian(noise_amplitude=noise_amplification)
perturbation = HemisphericCentredBredVector(
model, data, seed_perturbation, noise_amplitude=noise_amplification
)
# Load the CorrDiffTaiwan model
corrdiff = CorrDiffTaiwan.load_model(CorrDiffTaiwan.load_default_package())
# Set up IO backend
io = ZarrBackend(
file_name="outputs/18_ensemble_corrdiff.zarr",
chunks={"ensemble": 1, "sample": 1, "time": 1, "lead_time": 1},
backend_kwargs={"overwrite": True},
)
Downloading config.json: 0%| | 0.00/22.4k [00:00<?, ?B/s]
Downloading config.json: 100%|██████████| 22.4k/22.4k [00:00<00:00, 205kB/s]
Downloading config.json: 100%|██████████| 22.4k/22.4k [00:00<00:00, 203kB/s]
Downloading global_means.npy: 0%| | 0.00/720 [00:00<?, ?B/s]
Downloading global_means.npy: 100%|██████████| 720/720 [00:00<00:00, 6.62kB/s]
Downloading global_means.npy: 100%|██████████| 720/720 [00:00<00:00, 6.55kB/s]
Downloading global_stds.npy: 0%| | 0.00/720 [00:00<?, ?B/s]
Downloading global_stds.npy: 100%|██████████| 720/720 [00:00<00:00, 7.22kB/s]
Downloading orography.nc: 0%| | 0.00/2.50M [00:00<?, ?B/s]
Downloading orography.nc: 100%|██████████| 2.50M/2.50M [00:00<00:00, 23.1MB/s]
Downloading orography.nc: 100%|██████████| 2.50M/2.50M [00:00<00:00, 21.8MB/s]
Downloading land_mask.nc: 0%| | 0.00/748k [00:00<?, ?B/s]
Downloading land_mask.nc: 100%|██████████| 748k/748k [00:00<00:00, 7.48MB/s]
Downloading best_ckpt_mp0.tar: 0%| | 0.00/8.31G [00:00<?, ?B/s]
Downloading best_ckpt_mp0.tar: 0%| | 10.0M/8.31G [00:00<02:34, 57.7MB/s]
Downloading best_ckpt_mp0.tar: 0%| | 40.0M/8.31G [00:00<01:07, 131MB/s]
Downloading best_ckpt_mp0.tar: 1%| | 70.0M/8.31G [00:00<00:47, 185MB/s]
Downloading best_ckpt_mp0.tar: 1%|▏ | 110M/8.31G [00:00<00:37, 236MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏ | 150M/8.31G [00:00<00:32, 267MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏ | 190M/8.31G [00:00<00:29, 295MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎ | 230M/8.31G [00:00<00:27, 317MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎ | 270M/8.31G [00:01<00:25, 333MB/s]
Downloading best_ckpt_mp0.tar: 4%|▎ | 310M/8.31G [00:01<00:25, 342MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍ | 350M/8.31G [00:01<00:24, 349MB/s]
Downloading best_ckpt_mp0.tar: 5%|▍ | 390M/8.31G [00:01<00:23, 356MB/s]
Downloading best_ckpt_mp0.tar: 5%|▌ | 430M/8.31G [00:01<00:23, 358MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌ | 470M/8.31G [00:01<00:23, 361MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌ | 510M/8.31G [00:01<00:23, 362MB/s]
Downloading best_ckpt_mp0.tar: 6%|▋ | 550M/8.31G [00:01<00:23, 361MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋ | 590M/8.31G [00:01<00:22, 361MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋ | 630M/8.31G [00:02<00:22, 363MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊ | 670M/8.31G [00:02<00:22, 363MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊ | 710M/8.31G [00:02<00:22, 363MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉ | 750M/8.31G [00:02<00:22, 363MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉ | 790M/8.31G [00:02<00:22, 364MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉ | 830M/8.31G [00:02<00:22, 365MB/s]
Downloading best_ckpt_mp0.tar: 10%|█ | 870M/8.31G [00:02<00:22, 360MB/s]
Downloading best_ckpt_mp0.tar: 11%|█ | 910M/8.31G [00:02<00:22, 362MB/s]
Downloading best_ckpt_mp0.tar: 11%|█ | 950M/8.31G [00:03<00:21, 361MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏ | 990M/8.31G [00:03<00:21, 362MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏ | 1.01G/8.31G [00:03<00:21, 364MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎ | 1.04G/8.31G [00:03<00:21, 366MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎ | 1.08G/8.31G [00:03<00:21, 366MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▎ | 1.12G/8.31G [00:03<00:21, 367MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍ | 1.16G/8.31G [00:03<00:20, 368MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍ | 1.20G/8.31G [00:03<00:20, 368MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▍ | 1.24G/8.31G [00:03<00:20, 368MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▌ | 1.28G/8.31G [00:04<00:20, 368MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌ | 1.32G/8.31G [00:04<00:20, 369MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▋ | 1.36G/8.31G [00:04<00:20, 368MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋ | 1.40G/8.31G [00:04<00:20, 367MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋ | 1.44G/8.31G [00:04<00:20, 365MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊ | 1.47G/8.31G [00:04<00:20, 363MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊ | 1.51G/8.31G [00:04<00:20, 363MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▊ | 1.55G/8.31G [00:04<00:20, 359MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉ | 1.59G/8.31G [00:04<00:20, 360MB/s]
Downloading best_ckpt_mp0.tar: 20%|█▉ | 1.63G/8.31G [00:05<00:20, 358MB/s]
Downloading best_ckpt_mp0.tar: 20%|██ | 1.67G/8.31G [00:05<00:20, 355MB/s]
Downloading best_ckpt_mp0.tar: 21%|██ | 1.71G/8.31G [00:05<00:19, 358MB/s]
Downloading best_ckpt_mp0.tar: 21%|██ | 1.75G/8.31G [00:05<00:19, 362MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏ | 1.79G/8.31G [00:05<00:19, 366MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏ | 1.83G/8.31G [00:05<00:19, 362MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏ | 1.87G/8.31G [00:05<00:19, 350MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎ | 1.90G/8.31G [00:05<00:19, 353MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎ | 1.94G/8.31G [00:06<00:19, 355MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍ | 1.98G/8.31G [00:06<00:19, 351MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍ | 2.02G/8.31G [00:06<00:19, 351MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▍ | 2.06G/8.31G [00:06<00:19, 352MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▌ | 2.10G/8.31G [00:06<00:18, 356MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌ | 2.14G/8.31G [00:06<00:18, 358MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌ | 2.18G/8.31G [00:06<00:18, 359MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋ | 2.22G/8.31G [00:06<00:18, 358MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋ | 2.26G/8.31G [00:06<00:18, 360MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊ | 2.29G/8.31G [00:07<00:17, 362MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊ | 2.33G/8.31G [00:07<00:17, 364MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▊ | 2.37G/8.31G [00:07<00:17, 366MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉ | 2.41G/8.31G [00:07<00:17, 362MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉ | 2.45G/8.31G [00:07<00:17, 361MB/s]
Downloading best_ckpt_mp0.tar: 30%|██▉ | 2.49G/8.31G [00:07<00:17, 362MB/s]
Downloading best_ckpt_mp0.tar: 30%|███ | 2.53G/8.31G [00:07<00:17, 364MB/s]
Downloading best_ckpt_mp0.tar: 31%|███ | 2.57G/8.31G [00:07<00:16, 363MB/s]
Downloading best_ckpt_mp0.tar: 31%|███▏ | 2.61G/8.31G [00:08<00:16, 367MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏ | 2.65G/8.31G [00:08<00:16, 365MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏ | 2.69G/8.31G [00:08<00:16, 365MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎ | 2.72G/8.31G [00:08<00:16, 365MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎ | 2.76G/8.31G [00:08<00:16, 365MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▎ | 2.80G/8.31G [00:08<00:16, 365MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍ | 2.84G/8.31G [00:08<00:16, 366MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▍ | 2.88G/8.31G [00:08<00:15, 366MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▌ | 2.92G/8.31G [00:08<00:15, 367MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌ | 2.96G/8.31G [00:09<00:15, 370MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌ | 3.00G/8.31G [00:09<00:15, 370MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋ | 3.04G/8.31G [00:09<00:15, 370MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋ | 3.08G/8.31G [00:09<00:15, 366MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋ | 3.12G/8.31G [00:09<00:15, 365MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊ | 3.15G/8.31G [00:09<00:15, 363MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊ | 3.19G/8.31G [00:09<00:15, 364MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉ | 3.23G/8.31G [00:09<00:14, 364MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉ | 3.27G/8.31G [00:09<00:14, 365MB/s]
Downloading best_ckpt_mp0.tar: 40%|███▉ | 3.31G/8.31G [00:10<00:14, 365MB/s]
Downloading best_ckpt_mp0.tar: 40%|████ | 3.35G/8.31G [00:10<00:14, 365MB/s]
Downloading best_ckpt_mp0.tar: 41%|████ | 3.39G/8.31G [00:10<00:14, 365MB/s]
Downloading best_ckpt_mp0.tar: 41%|████▏ | 3.43G/8.31G [00:10<00:14, 363MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏ | 3.47G/8.31G [00:10<00:14, 363MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏ | 3.51G/8.31G [00:10<00:14, 364MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎ | 3.54G/8.31G [00:10<00:14, 363MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎ | 3.58G/8.31G [00:11<00:22, 223MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▎ | 3.62G/8.31G [00:11<00:19, 254MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍ | 3.66G/8.31G [00:11<00:18, 274MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▍ | 3.70G/8.31G [00:11<00:16, 294MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌ | 3.74G/8.31G [00:11<00:19, 255MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌ | 3.77G/8.31G [00:11<00:18, 261MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌ | 3.80G/8.31G [00:11<00:18, 267MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌ | 3.84G/8.31G [00:12<00:17, 281MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋ | 3.88G/8.31G [00:12<00:16, 291MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋ | 3.91G/8.31G [00:12<00:15, 296MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋ | 3.95G/8.31G [00:12<00:15, 304MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊ | 3.98G/8.31G [00:12<00:14, 310MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊ | 4.02G/8.31G [00:12<00:14, 314MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉ | 4.06G/8.31G [00:12<00:14, 313MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉ | 4.10G/8.31G [00:12<00:14, 304MB/s]
Downloading best_ckpt_mp0.tar: 50%|████▉ | 4.13G/8.31G [00:13<00:14, 300MB/s]
Downloading best_ckpt_mp0.tar: 50%|█████ | 4.16G/8.31G [00:13<00:14, 298MB/s]
Downloading best_ckpt_mp0.tar: 50%|█████ | 4.19G/8.31G [00:13<00:15, 293MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████ | 4.22G/8.31G [00:13<00:15, 291MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████ | 4.25G/8.31G [00:13<00:15, 289MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████▏ | 4.28G/8.31G [00:13<00:14, 290MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏ | 4.31G/8.31G [00:13<00:14, 290MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏ | 4.34G/8.31G [00:13<00:14, 287MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎ | 4.37G/8.31G [00:13<00:14, 288MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎ | 4.39G/8.31G [00:14<00:14, 286MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎ | 4.42G/8.31G [00:14<00:14, 284MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▎ | 4.45G/8.31G [00:14<00:14, 284MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍ | 4.48G/8.31G [00:14<00:14, 285MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍ | 4.51G/8.31G [00:14<00:14, 289MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▍ | 4.55G/8.31G [00:14<00:13, 298MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▌ | 4.58G/8.31G [00:14<00:13, 295MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▌ | 4.61G/8.31G [00:14<00:13, 300MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌ | 4.65G/8.31G [00:14<00:12, 307MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▋ | 4.69G/8.31G [00:15<00:12, 312MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋ | 4.73G/8.31G [00:15<00:12, 315MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋ | 4.77G/8.31G [00:15<00:11, 320MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊ | 4.80G/8.31G [00:15<00:11, 321MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊ | 4.84G/8.31G [00:15<00:11, 322MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉ | 4.88G/8.31G [00:15<00:11, 320MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉ | 4.92G/8.31G [00:15<00:11, 321MB/s]
Downloading best_ckpt_mp0.tar: 60%|█████▉ | 4.96G/8.31G [00:16<00:11, 323MB/s]
Downloading best_ckpt_mp0.tar: 60%|██████ | 5.00G/8.31G [00:16<00:10, 326MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████ | 5.04G/8.31G [00:16<00:10, 327MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████ | 5.08G/8.31G [00:16<00:10, 328MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏ | 5.12G/8.31G [00:16<00:10, 325MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏ | 5.16G/8.31G [00:16<00:10, 324MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎ | 5.20G/8.31G [00:16<00:10, 322MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎ | 5.23G/8.31G [00:16<00:10, 321MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎ | 5.27G/8.31G [00:17<00:10, 315MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍ | 5.31G/8.31G [00:17<00:10, 307MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍ | 5.35G/8.31G [00:17<00:10, 317MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▍ | 5.39G/8.31G [00:17<00:09, 330MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▌ | 5.43G/8.31G [00:17<00:09, 339MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌ | 5.47G/8.31G [00:17<00:08, 347MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▋ | 5.51G/8.31G [00:17<00:08, 355MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋ | 5.55G/8.31G [00:17<00:08, 359MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋ | 5.59G/8.31G [00:17<00:08, 365MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊ | 5.62G/8.31G [00:18<00:07, 364MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊ | 5.66G/8.31G [00:18<00:07, 366MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▊ | 5.70G/8.31G [00:18<00:07, 367MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉ | 5.74G/8.31G [00:18<00:07, 367MB/s]
Downloading best_ckpt_mp0.tar: 70%|██████▉ | 5.78G/8.31G [00:18<00:07, 367MB/s]
Downloading best_ckpt_mp0.tar: 70%|███████ | 5.82G/8.31G [00:18<00:07, 369MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████ | 5.86G/8.31G [00:18<00:07, 369MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████ | 5.90G/8.31G [00:18<00:07, 368MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████▏ | 5.94G/8.31G [00:19<00:06, 369MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏ | 5.98G/8.31G [00:19<00:06, 367MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏ | 6.02G/8.31G [00:19<00:06, 369MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎ | 6.05G/8.31G [00:19<00:06, 369MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎ | 6.09G/8.31G [00:19<00:06, 366MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍ | 6.13G/8.31G [00:19<00:06, 366MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍ | 6.17G/8.31G [00:19<00:06, 364MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▍ | 6.21G/8.31G [00:19<00:06, 364MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▌ | 6.25G/8.31G [00:19<00:06, 364MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌ | 6.29G/8.31G [00:20<00:05, 367MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌ | 6.33G/8.31G [00:20<00:05, 364MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋ | 6.37G/8.31G [00:20<00:05, 365MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋ | 6.41G/8.31G [00:20<00:05, 365MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊ | 6.45G/8.31G [00:20<00:05, 365MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊ | 6.48G/8.31G [00:20<00:05, 369MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▊ | 6.52G/8.31G [00:20<00:05, 368MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉ | 6.56G/8.31G [00:20<00:05, 368MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉ | 6.60G/8.31G [00:20<00:04, 372MB/s]
Downloading best_ckpt_mp0.tar: 80%|███████▉ | 6.64G/8.31G [00:21<00:04, 371MB/s]
Downloading best_ckpt_mp0.tar: 80%|████████ | 6.68G/8.31G [00:21<00:04, 372MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████ | 6.72G/8.31G [00:21<00:04, 373MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████▏ | 6.76G/8.31G [00:21<00:04, 368MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.80G/8.31G [00:21<00:04, 370MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.84G/8.31G [00:21<00:04, 373MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.88G/8.31G [00:21<00:04, 372MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.91G/8.31G [00:21<00:04, 373MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▎ | 6.95G/8.31G [00:22<00:06, 227MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 6.99G/8.31G [00:22<00:05, 257MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▍ | 7.03G/8.31G [00:22<00:04, 282MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▌ | 7.07G/8.31G [00:22<00:04, 301MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.11G/8.31G [00:22<00:04, 316MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.15G/8.31G [00:22<00:03, 329MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.19G/8.31G [00:22<00:03, 337MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.23G/8.31G [00:23<00:03, 346MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.27G/8.31G [00:23<00:03, 353MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.30G/8.31G [00:23<00:03, 358MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.34G/8.31G [00:23<00:02, 360MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.38G/8.31G [00:23<00:02, 362MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.42G/8.31G [00:23<00:02, 363MB/s]
Downloading best_ckpt_mp0.tar: 90%|████████▉ | 7.46G/8.31G [00:23<00:02, 365MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.50G/8.31G [00:23<00:02, 366MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.54G/8.31G [00:23<00:02, 368MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.58G/8.31G [00:24<00:02, 365MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.62G/8.31G [00:24<00:02, 366MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.66G/8.31G [00:24<00:01, 365MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.70G/8.31G [00:24<00:01, 369MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.73G/8.31G [00:24<00:01, 364MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▎| 7.77G/8.31G [00:24<00:01, 365MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.81G/8.31G [00:24<00:01, 364MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.85G/8.31G [00:24<00:01, 362MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▍| 7.89G/8.31G [00:24<00:01, 361MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▌| 7.93G/8.31G [00:25<00:01, 365MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.97G/8.31G [00:25<00:00, 366MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▋| 8.01G/8.31G [00:25<00:00, 367MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.05G/8.31G [00:25<00:00, 368MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.09G/8.31G [00:25<00:00, 368MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.12G/8.31G [00:25<00:00, 367MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.16G/8.31G [00:25<00:00, 371MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▊| 8.20G/8.31G [00:25<00:00, 370MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.24G/8.31G [00:26<00:00, 369MB/s]
Downloading best_ckpt_mp0.tar: 100%|█████████▉| 8.28G/8.31G [00:26<00:00, 368MB/s]
Downloading best_ckpt_mp0.tar: 100%|██████████| 8.31G/8.31G [00:30<00:00, 295MB/s]
Run#
Execute the pipeline. For this example, we use the period of Typhoon Doksuri which has a track over the Taiwan region. https://en.wikipedia.org/wiki/Typhoon_Doksuri
start_date = datetime(2023, 7, 26, 12)
corrdiff_on_hens_ensemble(
time=[start_date],
nsteps=4,
nensemble=2,
nsamples=3,
prognostic=model,
corrdiff=corrdiff,
data=data,
io=io,
perturbation=perturbation,
batch_size=1,
)
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.485 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 366058634-576713
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.486 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 207648310-1058492
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.488 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 195264441-761344
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.489 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 238189917-728494
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.490 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 404912172-832507
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.491 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 398263142-959715
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.493 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 284543458-1236550
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.494 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 310189700-963719
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.495 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 184165363-733214
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.496 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 216466018-751349
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.498 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 189722384-975519
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.499 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 186501551-1069113
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.500 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 210900085-599473
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.501 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 243745283-990850
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.502 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 259942690-699553
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.503 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 215744986-721032
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.504 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 157303173-901421
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.505 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 152311738-642814
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.506 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 179077608-952927
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.508 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 359641141-941448
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.509 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 266158284-970710
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.510 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 154002716-1022838
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.511 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 194530582-733859
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.512 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 303644500-866618
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.513 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 414428256-536848
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.514 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 197154535-979293
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.518 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 392581640-504669
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.519 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 218609655-1112381
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.520 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 306478362-1302444
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.521 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 417299170-956901
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.522 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 366635347-586012
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.523 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 402713499-1000514
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.525 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 200234137-581208
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.526 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 337879359-909151
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.527 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 362413948-1266593
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.528 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 289116879-919042
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.529 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 221979273-612836
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.530 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 462659238-976185
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.531 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 158204594-833325
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.532 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 311153419-923245
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.533 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 204794173-735132
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.534 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 260642243-729677
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.535 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 222592109-632560
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.536 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 205529305-742828
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.537 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 267128994-931745
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.539 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 211499558-615093
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.540 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 175490539-1171303
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.541 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 340624564-1267621
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.542 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 174042156-764602
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.543 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 281788941-817365
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.544 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 344328811-574848
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.545 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 244736133-971156
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.546 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 304511118-782321
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.547 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 173410795-631361
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.548 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 190697903-918774
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.549 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 288155822-961057
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.549 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 180030535-895218
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.550 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 152954552-734507
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.551 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 0-1001216
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.551 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 360582589-490770
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.552 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 461667338-991900
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.553 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 262608425-1183204
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.553 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 184898577-743713
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.554 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 412675928-519645
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.554 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 338788510-483793
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.555 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 394109607-1253649
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.556 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 200815345-581647
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.556 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 416320713-978457
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.557 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 240190375-1174278
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.558 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 344903659-586137
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.558 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 424364948-1230478
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.559 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 282606306-751832
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.559 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 397284159-978983
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
2025-11-12 19:18:34.560 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 237486988-702929
Fetching GFS data: 0%| | 0/74 [00:00<?, ?it/s]
Fetching GFS data: 1%|▏ | 1/74 [00:00<00:38, 1.88it/s]
Fetching GFS data: 3%|▎ | 2/74 [00:00<00:26, 2.75it/s]
Fetching GFS data: 7%|▋ | 5/74 [00:00<00:10, 6.88it/s]
Fetching GFS data: 16%|█▌ | 12/74 [00:01<00:03, 18.77it/s]
Fetching GFS data: 23%|██▎ | 17/74 [00:01<00:02, 24.18it/s]
Fetching GFS data: 30%|██▉ | 22/74 [00:01<00:01, 29.95it/s]
Fetching GFS data: 36%|███▋ | 27/74 [00:01<00:01, 33.15it/s]
Fetching GFS data: 43%|████▎ | 32/74 [00:01<00:01, 28.02it/s]
Fetching GFS data: 49%|████▊ | 36/74 [00:01<00:01, 30.51it/s]
Fetching GFS data: 54%|█████▍ | 40/74 [00:01<00:01, 29.66it/s]
Fetching GFS data: 62%|██████▏ | 46/74 [00:02<00:00, 31.40it/s]
Fetching GFS data: 73%|███████▎ | 54/74 [00:02<00:00, 36.46it/s]
Fetching GFS data: 82%|████████▏ | 61/74 [00:02<00:00, 37.66it/s]
Fetching GFS data: 92%|█████████▏| 68/74 [00:02<00:00, 40.33it/s]
Fetching GFS data: 100%|██████████| 74/74 [00:02<00:00, 28.05it/s]
2025-11-12 19:18:37.423 | INFO | __main__:corrdiff_on_hens_ensemble:160 - Starting 2 member ensemble inference with 2 batches.
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
2025-11-12 19:18:37.836 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 193363451-738743
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.839 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 217113770-720291
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.842 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 400155376-1125125
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.844 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 259942690-699553
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.889 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 413102872-950517
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.891 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 239274314-1181927
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.892 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 195774380-759214
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.894 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 154623392-735970
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.895 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 221298000-614096
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.897 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 172320476-638090
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.897 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 152021300-647040
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.898 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 284234802-748216
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.899 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 267128994-931745
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.923 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 393083604-982668
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.925 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 157025191-907684
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.926 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 159870787-833511
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.926 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 210900085-599473
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.950 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 215059016-724507
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.951 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 180213371-898210
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.952 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 366693453-1267596
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.953 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 394109607-1253649
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.976 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 467457986-982793
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.977 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 408645646-998313
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:37.978 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 173410795-631361
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.001 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 243711957-977007
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.002 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 201851970-950211
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.003 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 210034468-1054549
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.004 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 311153419-923245
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.027 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 174415836-1041799
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.028 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 206184822-731959
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.029 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 308014440-1301790
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.030 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 306478362-1302444
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.054 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 195995991-979641
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.055 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 397503159-959089
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.056 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 414428256-536848
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.079 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 194530582-733859
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.103 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 398540647-1004123
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.105 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 179261467-951904
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.106 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 179077608-952927
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.129 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 157040437-837432
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.131 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 401958256-999327
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.131 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 461667338-991900
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.154 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 360582589-490770
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.177 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 199076751-993586
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.179 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 310189700-963719
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.201 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 300040404-830566
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.203 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 365568569-586361
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.204 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 224335046-613410
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.204 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 289116879-919042
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.228 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 178845875-898774
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.229 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 267395367-937675
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.230 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 462659238-976185
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.253 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 288155822-961057
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.276 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 211499558-615093
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.299 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 423475960-1230034
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.300 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 284734588-1238477
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.301 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 268938254-929904
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.302 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 177888849-957026
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.303 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 258019324-696427
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.303 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 206916781-742974
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.304 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 203147698-952329
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.305 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 184165363-733214
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.331 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 265108437-940224
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.332 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 289188254-920231
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.333 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 286161726-1234939
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.334 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 151129128-643611
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.334 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 185305894-746185
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.335 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 424364948-1230478
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.359 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 216466018-751349
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.382 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 282476023-1242772
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.384 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 361360762-1267523
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.385 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 267971689-966565
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.385 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 284543458-1236550
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.411 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 335685384-908571
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.412 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 153981169-642223
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.413 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 195264441-761344
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:00<?, ?it/s]
2025-11-12 19:18:38.437 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 354595726-943280
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.438 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 219976752-1115639
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.439 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 177585277-1039972
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.439 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 239366383-727770
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.440 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 346188615-993458
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.441 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 200815345-581647
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.464 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 412121059-981813
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.465 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 0-999608
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.466 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 158967605-903182
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.467 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 186004877-731456
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.468 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 366058634-576713
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.491 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 189527834-923723
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.492 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 223967452-633957
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.493 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 342496853-1270717
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.494 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 222592109-632560
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.518 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 260698947-1189858
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.519 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 153716230-1016984
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.520 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 416320713-978457
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.542 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 344903659-586137
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.565 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 460765332-594694
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.567 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 244526945-992646
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.567 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 189722384-975519
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.590 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 184898577-743713
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.613 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 197666423-976956
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.614 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 264559533-1179565
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.615 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 152311738-642814
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.638 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 152822188-1018276
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.639 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 391481692-871520
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.640 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 240361409-725295
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.641 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 304511118-782321
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.664 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 394066272-958011
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.665 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 410829595-831935
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.666 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 339379366-907939
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.667 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 339410099-584356
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.667 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 263002231-1182756
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.668 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 371279066-964634
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.669 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 204794173-735132
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.692 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 416459903-952218
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.693 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 468440779-971329
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.694 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 290726495-916675
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.695 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 404111932-832513
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.696 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 175667949-1171751
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.696 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 289764657-961838
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.697 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 266158284-970710
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.720 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 158204594-833325
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.743 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 361998273-583341
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.744 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 303593517-826858
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.745 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 181864361-895766
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.746 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 400724794-833839
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.747 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 461360026-589876
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.748 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 186909861-1066165
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.748 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 157303173-901421
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.771 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 281788941-817365
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.794 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 457278700-588867
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.795 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 183002805-735856
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.796 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 423186437-952493
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.797 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 246775463-970281
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.798 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 398263142-959715
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.821 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 336593955-854189
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.822 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 213877515-615201
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.823 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 207648310-1058492
Fetching GFS data: 0%| | 0/296 [00:00<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.846 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 200070337-950676
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.848 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 184567490-738404
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.849 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 0-1001216
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.872 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 303644500-866618
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.896 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 204846368-743959
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.897 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 260325995-695933
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.898 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 175507696-633035
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.898 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 190697903-918774
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.921 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 430317120-1229106
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.923 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 403195813-973434
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.924 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 389913543-1249765
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.924 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 393373780-1248345
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.925 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 176140731-760351
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.926 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 397284159-978983
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.949 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 210218068-601283
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.950 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 280537249-752981
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.951 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 343070266-583943
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.952 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 197075491-755322
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.952 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 340624564-1267621
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.975 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 335118684-1271664
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.977 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 223353509-613943
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.978 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 218833300-751631
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:38.978 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 262608425-1183204
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.003 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 300870970-780169
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.004 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 420330381-531712
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.005 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 306054919-774896
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.006 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 183738661-747723
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.007 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 200859251-992719
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.008 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 340287305-852602
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.008 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 180030535-895218
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.031 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 221912096-633353
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.032 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 238660511-705872
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.033 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 370321607-957459
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.034 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 402713499-1000514
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.057 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 456673586-605114
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.058 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 190122085-972415
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.059 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 417299170-956901
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.082 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 204110681-735687
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.083 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 338794171-1268354
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.084 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 305192357-862562
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.084 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 338788510-483793
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.107 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 286099455-551274
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.108 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 302841652-1310405
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.109 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 364994386-574183
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.110 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 364470154-868457
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.111 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 260642243-729677
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.133 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 180912718-951643
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.135 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 398257281-872670
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.136 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 152954552-734507
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.158 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 215783523-752404
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.159 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 288223041-965213
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.160 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 192399141-917080
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.161 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 154002716-1022838
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.183 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 410236383-529709
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.184 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 282799841-750425
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.185 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 155665054-1021220
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.186 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 242719595-992362
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.187 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 194102194-759960
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.188 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 212277482-600865
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.188 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 358192037-941145
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.189 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 261900859-693003
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.190 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 238189917-728494
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.212 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 237269899-729388
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.214 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 359133182-868112
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.214 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 207187638-730059
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.215 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 215744986-721032
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.238 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 420151340-1225172
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.239 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 236563582-706317
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.239 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 217834061-752686
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.240 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 220976775-1107390
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.241 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 264136860-971577
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.242 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 151772739-741701
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.243 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 306378517-1305294
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.243 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 404169247-954691
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.244 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 174042156-764602
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.266 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 415486165-973738
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.267 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 212878347-616720
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.268 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 188337255-1069622
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.269 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 362413948-1266593
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.292 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 306564583-554414
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.293 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 245519591-971669
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.294 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 312632901-918003
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.295 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 243745283-990850
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.317 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 206962734-1059231
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.318 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 195035889-738491
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.319 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 200234137-581208
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.342 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 175490539-1171303
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.365 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 210819351-616346
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.366 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 209033908-1054483
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.367 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 196344212-731279
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.368 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 0-1004512
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.368 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 157932875-835932
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.369 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 363530432-939722
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.370 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 359641141-941448
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.393 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 191094500-918059
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.394 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 213277532-599983
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.395 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 279720690-816559
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.396 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 262593862-730394
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.397 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 392581640-504669
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.419 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 185339890-1065581
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.420 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 266422881-972486
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.421 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 283426299-808503
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.422 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 258715751-735622
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.423 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 396528751-974408
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:01<?, ?it/s]
2025-11-12 19:18:39.424 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 242359633-1169295
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.425 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 244736133-971156
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.448 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 152668340-741032
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.449 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 198963466-1100221
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.450 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 0-998618
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.451 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 337879359-909151
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.474 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 172958566-767856
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.475 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 261021928-733515
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.476 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 202153835-993863
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.477 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 357770102-1267223
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.477 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 304420375-776459
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.478 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 404912172-832507
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.501 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 366635347-586012
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.525 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 361417059-581214
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.526 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 173576390-632705
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.527 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 347182073-966192
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.528 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 240190375-1174278
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.551 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 217919904-1115610
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.552 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 418583866-515155
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.553 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 218114089-719211
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.554 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 237486988-702929
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.577 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 331991718-912448
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.578 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 241373165-1180220
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.579 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 224948456-633542
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.580 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 186501551-1069113
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.602 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 422212955-973482
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.603 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 412675928-519645
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.625 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 221979273-612836
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.647 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 344328811-574848
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.669 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 355539006-868836
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.670 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 310087040-551379
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.671 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 186736333-744491
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.672 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 338832983-577116
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.673 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 174209095-766018
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.674 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 311710692-922209
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.675 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 205529305-742828
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.697 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 408490809-517740
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.699 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 286650729-547181
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.699 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 413610375-528744
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.700 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 239661414-699995
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.701 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 197154535-979293
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.724 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 188554110-973724
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.725 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 388016561-872871
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.726 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 281988499-811342
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.726 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 207917697-741865
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.727 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 282606306-751832
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.750 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 411869505-514313
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.751 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 342491152-579114
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.752 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 191428312-970829
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.753 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/12/atmos/gfs.t12z.pgrb2.0p25.f000 218609655-1112381
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.776 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 156135393-905044
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.777 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 332904166-857980
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.778 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/00/atmos/gfs.t00z.pgrb2.0p25.f000 310638419-551347
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.779 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230726/06/atmos/gfs.t06z.pgrb2.0p25.f000 245781647-993816
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
2025-11-12 19:18:39.779 | DEBUG | earth2studio.data.gfs:fetch_array:380 - Fetching GFS grib file: noaa-gfs-bdp-pds/gfs.20230725/18/atmos/gfs.t18z.pgrb2.0p25.f000 307118997-552482
Fetching GFS data: 0%| | 0/296 [00:01<?, ?it/s]
Ensemble Batches: 0%| | 0/2 [00:02<?, ?it/s]
Fetching GFS data: 0%| | 1/296 [00:01<09:34, 1.95s/it]
Fetching GFS data: 25%|██▌ | 75/296 [00:02<00:04, 48.02it/s]
Fetching GFS data: 33%|███▎ | 98/296 [00:03<00:05, 37.82it/s]
Fetching GFS data: 38%|███▊ | 112/296 [00:03<00:04, 37.79it/s]
Fetching GFS data: 41%|████ | 122/296 [00:03<00:04, 39.48it/s]
Fetching GFS data: 44%|████▍ | 130/296 [00:03<00:04, 38.08it/s]
Fetching GFS data: 46%|████▋ | 137/296 [00:04<00:04, 39.26it/s]
Fetching GFS data: 48%|████▊ | 143/296 [00:04<00:03, 40.55it/s]
Fetching GFS data: 50%|█████ | 149/296 [00:04<00:03, 40.60it/s]
Fetching GFS data: 52%|█████▏ | 155/296 [00:04<00:03, 40.51it/s]
Fetching GFS data: 54%|█████▍ | 160/296 [00:04<00:03, 39.04it/s]
Fetching GFS data: 56%|█████▌ | 166/296 [00:04<00:03, 41.06it/s]
Fetching GFS data: 58%|█████▊ | 171/296 [00:04<00:03, 39.23it/s]
Fetching GFS data: 59%|█████▉ | 176/296 [00:04<00:03, 37.87it/s]
Fetching GFS data: 61%|██████ | 181/296 [00:05<00:02, 40.35it/s]
Fetching GFS data: 63%|██████▎ | 187/296 [00:05<00:02, 44.63it/s]
Fetching GFS data: 65%|██████▍ | 192/296 [00:05<00:02, 36.28it/s]
Fetching GFS data: 67%|██████▋ | 198/296 [00:05<00:02, 41.11it/s]
Fetching GFS data: 69%|██████▉ | 204/296 [00:05<00:02, 43.19it/s]
Fetching GFS data: 71%|███████ | 209/296 [00:05<00:02, 37.01it/s]
Fetching GFS data: 73%|███████▎ | 216/296 [00:05<00:02, 38.20it/s]
Fetching GFS data: 76%|███████▌ | 224/296 [00:06<00:01, 40.80it/s]
Fetching GFS data: 78%|███████▊ | 230/296 [00:06<00:01, 44.56it/s]
Fetching GFS data: 79%|███████▉ | 235/296 [00:06<00:01, 41.48it/s]
Fetching GFS data: 81%|████████▏ | 241/296 [00:06<00:01, 43.47it/s]
Fetching GFS data: 83%|████████▎ | 246/296 [00:06<00:01, 38.58it/s]
Fetching GFS data: 85%|████████▍ | 251/296 [00:06<00:01, 40.91it/s]
Fetching GFS data: 87%|████████▋ | 257/296 [00:06<00:00, 42.90it/s]
Fetching GFS data: 89%|████████▊ | 262/296 [00:07<00:00, 42.69it/s]
Fetching GFS data: 90%|█████████ | 267/296 [00:07<00:00, 41.66it/s]
Fetching GFS data: 92%|█████████▏| 272/296 [00:07<00:00, 43.60it/s]
Fetching GFS data: 94%|█████████▎| 277/296 [00:07<00:00, 36.62it/s]
Fetching GFS data: 96%|█████████▌| 283/296 [00:07<00:00, 39.92it/s]
Fetching GFS data: 98%|█████████▊| 289/296 [00:07<00:00, 42.36it/s]
Fetching GFS data: 99%|█████████▉| 294/296 [00:07<00:00, 42.89it/s]
Fetching GFS data: 100%|██████████| 296/296 [00:07<00:00, 37.65it/s]
Batch 0 inference: 0%| | 0/5 [00:00<?, ?it/s]
Batch 0 inference: 20%|██ | 1/5 [00:02<00:11, 2.85s/it]
Batch 0 inference: 40%|████ | 2/5 [00:06<00:09, 3.28s/it]
Batch 0 inference: 60%|██████ | 3/5 [00:09<00:06, 3.41s/it]
Batch 0 inference: 80%|████████ | 4/5 [00:13<00:03, 3.49s/it]
Batch 0 inference: 100%|██████████| 5/5 [00:17<00:00, 3.53s/it]
Ensemble Batches: 50%|█████ | 1/2 [00:39<00:39, 39.39s/it]
Batch 1 inference: 0%| | 0/5 [00:00<?, ?it/s]
Batch 1 inference: 20%|██ | 1/5 [00:02<00:09, 2.44s/it]
Batch 1 inference: 40%|████ | 2/5 [00:06<00:09, 3.15s/it]
Batch 1 inference: 60%|██████ | 3/5 [00:09<00:06, 3.37s/it]
Batch 1 inference: 80%|████████ | 4/5 [00:13<00:03, 3.48s/it]
Batch 1 inference: 100%|██████████| 5/5 [00:16<00:00, 3.53s/it]
Ensemble Batches: 100%|██████████| 2/2 [00:56<00:00, 26.21s/it]
Ensemble Batches: 100%|██████████| 2/2 [00:56<00:00, 28.19s/it]
2025-11-12 19:19:33.804 | SUCCESS | __main__:corrdiff_on_hens_ensemble:199 - Inference complete
<earth2studio.io.zarr.ZarrBackend object at 0x7feb4c1f6720>
Post-processing#
Plot the mean and standard deviation of 10m wind speed magnitude for a sequence of lead times.
import cartopy.crs as ccrs
import matplotlib.pyplot as plt
import xarray as xr
ds = xr.open_zarr("outputs/18_ensemble_corrdiff.zarr")
lead_time = 4
arr = np.sqrt(ds["u10m"] ** 2 + ds["v10m"] ** 2)
mean_field = arr.mean(dim=["ensemble", "sample"])
std_field = arr.std(dim=["ensemble", "sample"])
fig, ax = plt.subplots(
2, lead_time, figsize=(12, 5), subplot_kw={"projection": ccrs.PlateCarree()}
)
for i in range(lead_time):
p1 = ax[0, i].contourf(
ds["lon"],
ds["lat"],
mean_field.isel(time=0, lead_time=i),
levels=20,
vmin=0,
vmax=40,
transform=ccrs.PlateCarree(),
cmap="nipy_spectral",
)
ax[0, i].coastlines()
ax[0, i].set_title(f"lead_time={6*i}hr")
p2 = ax[1, i].contourf(
ds["lon"],
ds["lat"],
std_field.isel(time=0, lead_time=i),
levels=20,
vmin=0,
vmax=4,
transform=ccrs.PlateCarree(),
cmap="magma",
)
ax[1, i].coastlines()
fig.colorbar(p1, ax=ax[0, -1], label="wind speed mean")
fig.colorbar(p2, ax=ax[1, -1], label="wind speed std")
fig.suptitle(
f"Start date: {np.datetime_as_string(ds['time'].values[0], unit='h')}", fontsize=12
)
# Leave room for suptitle
plt.tight_layout(rect=[0, 0, 1, 0.95])
plt.savefig("outputs/18_ensemble_corrdiff_w10m.jpg")
plt.show()

Total running time of the script: (2 minutes 8.287 seconds)