Huge Ensembles (HENS) Checkpoints#

Basic multi-checkpoint Huge Ensembles (HENS) inference workflow.

This example provides a basic example to load the Huge Ensemble checkpoints to perform ensemble inference. This notebook aims to demonstrate the foundations of running a multi-checkpoint workflow from Earth2Studio components. For more details about HENS, see:

Warning

We encourage users to familiarize themselves with the license restrictions of this model’s checkpoints.

For the complete HENS workflow, we encourage users to have a look at the HENS recipe which provides a end-to-end solution to leverage HENS for downstream analysis such as tropical cyclone tracking:

  • coming soon

In this example you will learn:

  • How to load the HENS checkpoints with a custom model package

  • How to load the HENS perturbation method

  • How to create a simple ensemble inference loop

  • How to visualize results

Set Up#

First, import the necessary modules and set up our environment and load the required modules. HENS has checkpoints conveniently stored on HuggingFace that we will use. Rather than loading the default checkpoint from the original SFNO paper, create a model package that points to the specific HENS checkpoint we want to use instead.

This example also needs the following:

import os

os.makedirs("outputs", exist_ok=True)
from dotenv import load_dotenv

load_dotenv()  # TODO: make common example prep function

from earth2studio.data import GFS
from earth2studio.io import ZarrBackend
from earth2studio.models.auto import Package
from earth2studio.models.px import SFNO
from earth2studio.perturbation import (
    CorrelatedSphericalGaussian,
    HemisphericCentredBredVector,
)
from earth2studio.run import ensemble

# Set up two model packages for each checkpoint
# Note the modification of the cache location to avoid overwriting
model_package_1 = Package(
    "hf://datasets/maheshankur10/hens/earth2mip_prod_registry/sfno_linear_74chq_sc2_layers8_edim620_wstgl2-epoch70_seed102",
    cache_options={
        "cache_storage": Package.default_cache("hens_1"),
        "same_names": True,
    },
)

model_package_2 = 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_2"),
        "same_names": True,
    },
)

# Create the data source
data = GFS()

Execute the Workflow#

Next we execute the ensemble workflow for each model but loop through each checkpoint. Note that the models themselves have not been loaded into memory yet, this will be done one at a time to minimize the memory footprint of inference on a GPU. Before the ensemble workflow can get executed the following set up is needed:

  • Initialize the SFNO model from checkpoint

  • Initialize the perturbation method with the prognostic model

  • Initialize the IO zarr store for this model

If multiple GPUs are being used, one could parallelize inference using different checkpoints on each card.

import gc
from datetime import datetime, timedelta

import numpy as np
import torch

start_date = datetime(2024, 1, 1)
nsteps = 4
nensemble = 2

for i, package in enumerate([model_package_1, model_package_2]):
    # Load SFNO model from package
    # HENS checkpoints use different inputs than default SFNO (inclusion of d2m)
    # Can find this in the config.json, the load_model function in SFNO handles this
    model = SFNO.load_model(package)

    # Perturbation method
    # Here we will simplify the process that's in the original paper for conciseness
    noise_amplification = torch.zeros(model.input_coords()["variable"].shape[0])
    noise_amplification[40] = 1.0  # z500
    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
    )

    # IO object
    io = ZarrBackend(
        file_name=f"outputs/11_hens_{i}.zarr",
        chunks={"ensemble": 1, "time": 1, "lead_time": 1},
        backend_kwargs={"overwrite": True},
    )

    io = ensemble(
        ["2024-01-01"],
        nsteps,
        nensemble,
        model,
        data,
        io,
        perturbation,
        batch_size=1,
        output_coords={"variable": np.array(["u10m", "v10m"])},
    )

    print(io.root.tree())
    # Do some manual clean up to free up VRAM
    del model
    del perturbation
    gc.collect()
    torch.cuda.empty_cache()
Downloading config.json: 0%|          | 0.00/22.4k [00:00<?, ?B/s]
Downloading config.json: 100%|██████████| 22.4k/22.4k [00:00<00:00, 222kB/s]
Downloading config.json: 100%|██████████| 22.4k/22.4k [00:00<00:00, 219kB/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, 11.2MB/s]
Downloading orography.nc: 100%|██████████| 2.50M/2.50M [00:00<00:00, 11.0MB/s]

Downloading land_mask.nc: 0%|          | 0.00/748k [00:00<?, ?B/s]
Downloading land_mask.nc: 100%|██████████| 748k/748k [00:00<00:00, 5.16MB/s]
Downloading land_mask.nc: 100%|██████████| 748k/748k [00:00<00:00, 5.08MB/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.02kB/s]
Downloading global_means.npy: 100%|██████████| 720/720 [00:00<00:00, 5.96kB/s]

Downloading global_stds.npy: 0%|          | 0.00/720 [00:00<?, ?B/s]
Downloading global_stds.npy: 100%|██████████| 720/720 [00:00<00:00, 5.99kB/s]
Downloading global_stds.npy: 100%|██████████| 720/720 [00:00<00:00, 5.93kB/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<03:55, 37.8MB/s]
Downloading best_ckpt_mp0.tar: 0%|          | 30.0M/8.31G [00:00<01:38, 90.0MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 60.0M/8.31G [00:00<00:58, 152MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 100M/8.31G [00:00<00:41, 214MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 130M/8.31G [00:00<00:36, 240MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 170M/8.31G [00:00<00:31, 276MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 210M/8.31G [00:00<00:29, 297MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 250M/8.31G [00:01<00:27, 311MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 290M/8.31G [00:01<00:26, 323MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 330M/8.31G [00:01<00:25, 337MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 370M/8.31G [00:01<00:25, 336MB/s]
Downloading best_ckpt_mp0.tar: 5%|▍         | 410M/8.31G [00:01<00:24, 344MB/s]
Downloading best_ckpt_mp0.tar: 5%|▌         | 450M/8.31G [00:01<00:24, 346MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 490M/8.31G [00:01<00:23, 352MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 530M/8.31G [00:01<00:23, 352MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 570M/8.31G [00:02<00:24, 346MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 610M/8.31G [00:02<00:23, 354MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 650M/8.31G [00:02<00:23, 348MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 690M/8.31G [00:02<00:23, 344MB/s]
Downloading best_ckpt_mp0.tar: 9%|▊         | 730M/8.31G [00:02<00:23, 347MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉         | 770M/8.31G [00:02<00:22, 356MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉         | 810M/8.31G [00:02<00:22, 364MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉         | 850M/8.31G [00:02<00:22, 363MB/s]
Downloading best_ckpt_mp0.tar: 10%|█         | 890M/8.31G [00:02<00:21, 367MB/s]
Downloading best_ckpt_mp0.tar: 11%|█         | 930M/8.31G [00:03<00:21, 368MB/s]
Downloading best_ckpt_mp0.tar: 11%|█▏        | 970M/8.31G [00:03<00:21, 361MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 0.99G/8.31G [00:03<00:21, 361MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 1.03G/8.31G [00:03<00:22, 345MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.06G/8.31G [00:03<00:22, 350MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.10G/8.31G [00:03<00:21, 356MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.14G/8.31G [00:03<00:21, 363MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.18G/8.31G [00:03<00:20, 365MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▍        | 1.22G/8.31G [00:04<00:21, 357MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▌        | 1.26G/8.31G [00:04<00:21, 347MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.30G/8.31G [00:04<00:21, 346MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.34G/8.31G [00:04<00:21, 354MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.38G/8.31G [00:04<00:21, 354MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.42G/8.31G [00:04<00:21, 348MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.46G/8.31G [00:04<00:20, 355MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.49G/8.31G [00:04<00:20, 353MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.53G/8.31G [00:05<00:21, 343MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.57G/8.31G [00:05<00:21, 337MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.61G/8.31G [00:05<00:20, 344MB/s]
Downloading best_ckpt_mp0.tar: 20%|█▉        | 1.65G/8.31G [00:05<00:20, 351MB/s]
Downloading best_ckpt_mp0.tar: 20%|██        | 1.69G/8.31G [00:05<00:19, 357MB/s]
Downloading best_ckpt_mp0.tar: 21%|██        | 1.73G/8.31G [00:05<00:19, 355MB/s]
Downloading best_ckpt_mp0.tar: 21%|██▏       | 1.77G/8.31G [00:05<00:20, 350MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.81G/8.31G [00:05<00:21, 318MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.85G/8.31G [00:06<00:21, 322MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.88G/8.31G [00:06<00:20, 337MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.92G/8.31G [00:06<00:19, 343MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▎       | 1.96G/8.31G [00:06<00:19, 347MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍       | 2.00G/8.31G [00:06<00:19, 354MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▍       | 2.04G/8.31G [00:06<00:18, 361MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▌       | 2.08G/8.31G [00:06<00:18, 358MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.12G/8.31G [00:06<00:18, 354MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.16G/8.31G [00:06<00:19, 346MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▋       | 2.20G/8.31G [00:07<00:18, 349MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.24G/8.31G [00:07<00:18, 350MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.28G/8.31G [00:07<00:19, 341MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.31G/8.31G [00:07<00:19, 329MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.35G/8.31G [00:07<00:19, 334MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.39G/8.31G [00:07<00:18, 341MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.43G/8.31G [00:07<00:18, 345MB/s]
Downloading best_ckpt_mp0.tar: 30%|██▉       | 2.47G/8.31G [00:07<00:17, 350MB/s]
Downloading best_ckpt_mp0.tar: 30%|███       | 2.51G/8.31G [00:08<00:18, 340MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.55G/8.31G [00:08<00:18, 333MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.59G/8.31G [00:08<00:18, 340MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.63G/8.31G [00:08<00:17, 354MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.67G/8.31G [00:08<00:16, 362MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.71G/8.31G [00:08<00:16, 358MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.74G/8.31G [00:08<00:17, 350MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.78G/8.31G [00:08<00:16, 350MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.82G/8.31G [00:09<00:16, 350MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.86G/8.31G [00:09<00:16, 351MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▍      | 2.90G/8.31G [00:09<00:16, 344MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▌      | 2.94G/8.31G [00:09<00:16, 344MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌      | 2.98G/8.31G [00:09<00:16, 343MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▋      | 3.02G/8.31G [00:09<00:16, 344MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.06G/8.31G [00:09<00:15, 355MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.10G/8.31G [00:09<00:15, 354MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.13G/8.31G [00:09<00:15, 352MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.17G/8.31G [00:10<00:15, 347MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▊      | 3.21G/8.31G [00:10<00:21, 251MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.24G/8.31G [00:10<00:29, 185MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.27G/8.31G [00:11<00:46, 116MB/s]
Downloading best_ckpt_mp0.tar: 40%|███▉      | 3.29G/8.31G [00:11<00:50, 108MB/s]
Downloading best_ckpt_mp0.tar: 40%|███▉      | 3.32G/8.31G [00:11<00:41, 129MB/s]
Downloading best_ckpt_mp0.tar: 40%|████      | 3.36G/8.31G [00:11<00:31, 166MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.39G/8.31G [00:11<00:31, 170MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.42G/8.31G [00:12<00:35, 148MB/s]
Downloading best_ckpt_mp0.tar: 41%|████▏     | 3.45G/8.31G [00:12<00:38, 136MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.47G/8.31G [00:12<00:41, 124MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.50G/8.31G [00:13<00:43, 120MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.53G/8.31G [00:13<00:35, 146MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.54G/8.31G [00:13<00:33, 153MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.56G/8.31G [00:13<00:34, 149MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.59G/8.31G [00:13<00:31, 162MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▎     | 3.62G/8.31G [00:13<00:26, 192MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.65G/8.31G [00:13<00:27, 183MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.67G/8.31G [00:13<00:28, 176MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▍     | 3.70G/8.31G [00:14<00:26, 185MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▍     | 3.72G/8.31G [00:14<00:39, 124MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.74G/8.31G [00:14<00:36, 133MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.76G/8.31G [00:14<00:36, 134MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.78G/8.31G [00:14<00:38, 126MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.81G/8.31G [00:15<00:30, 157MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.83G/8.31G [00:15<00:33, 144MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▋     | 3.86G/8.31G [00:15<00:34, 138MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.89G/8.31G [00:15<00:35, 133MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.91G/8.31G [00:16<00:46, 101MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.94G/8.31G [00:16<00:43, 108MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 3.96G/8.31G [00:16<00:41, 112MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 3.98G/8.31G [00:16<00:40, 115MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 4.01G/8.31G [00:16<00:34, 134MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▊     | 4.03G/8.31G [00:17<00:44, 104MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.05G/8.31G [00:17<00:44, 102MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.07G/8.31G [00:17<00:48, 94.1MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.10G/8.31G [00:17<00:41, 109MB/s]
Downloading best_ckpt_mp0.tar: 50%|████▉     | 4.13G/8.31G [00:18<00:32, 138MB/s]
Downloading best_ckpt_mp0.tar: 50%|█████     | 4.17G/8.31G [00:18<00:24, 183MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.21G/8.31G [00:18<00:19, 225MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.25G/8.31G [00:18<00:16, 260MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.29G/8.31G [00:18<00:15, 286MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.33G/8.31G [00:18<00:14, 289MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.36G/8.31G [00:18<00:21, 194MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.38G/8.31G [00:19<00:20, 207MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.42G/8.31G [00:19<00:17, 238MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▎    | 4.46G/8.31G [00:19<00:15, 272MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍    | 4.50G/8.31G [00:19<00:14, 291MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▍    | 4.54G/8.31G [00:19<00:13, 308MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▌    | 4.58G/8.31G [00:19<00:12, 323MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.62G/8.31G [00:19<00:12, 324MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.66G/8.31G [00:19<00:12, 307MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.70G/8.31G [00:20<00:12, 321MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.74G/8.31G [00:20<00:11, 334MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.78G/8.31G [00:20<00:11, 335MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.81G/8.31G [00:20<00:11, 313MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.85G/8.31G [00:20<00:11, 317MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.89G/8.31G [00:20<00:17, 208MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.92G/8.31G [00:21<00:16, 223MB/s]
Downloading best_ckpt_mp0.tar: 60%|█████▉    | 4.96G/8.31G [00:21<00:14, 252MB/s]
Downloading best_ckpt_mp0.tar: 60%|██████    | 4.99G/8.31G [00:21<00:13, 257MB/s]
Downloading best_ckpt_mp0.tar: 60%|██████    | 5.02G/8.31G [00:21<00:13, 268MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.05G/8.31G [00:21<00:12, 275MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.08G/8.31G [00:21<00:20, 173MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████▏   | 5.11G/8.31G [00:22<00:18, 188MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.14G/8.31G [00:22<00:17, 198MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.17G/8.31G [00:22<00:16, 210MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.20G/8.31G [00:22<00:15, 218MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.22G/8.31G [00:22<00:18, 182MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.24G/8.31G [00:22<00:22, 149MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.27G/8.31G [00:23<00:19, 167MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▎   | 5.29G/8.31G [00:23<00:25, 127MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.31G/8.31G [00:23<00:25, 124MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.33G/8.31G [00:23<00:30, 105MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.35G/8.31G [00:23<00:26, 120MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▍   | 5.38G/8.31G [00:24<00:21, 147MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▌   | 5.41G/8.31G [00:24<00:18, 170MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▌   | 5.44G/8.31G [00:24<00:15, 193MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.47G/8.31G [00:24<00:14, 216MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.50G/8.31G [00:24<00:12, 236MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.53G/8.31G [00:24<00:11, 251MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.56G/8.31G [00:24<00:11, 262MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.59G/8.31G [00:24<00:10, 267MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.62G/8.31G [00:24<00:11, 254MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.64G/8.31G [00:25<00:10, 263MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.67G/8.31G [00:25<00:10, 271MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▊   | 5.70G/8.31G [00:25<00:10, 280MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.73G/8.31G [00:25<00:09, 285MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.76G/8.31G [00:25<00:09, 290MB/s]
Downloading best_ckpt_mp0.tar: 70%|██████▉   | 5.79G/8.31G [00:25<00:09, 274MB/s]
Downloading best_ckpt_mp0.tar: 70%|███████   | 5.82G/8.31G [00:25<00:09, 276MB/s]
Downloading best_ckpt_mp0.tar: 70%|███████   | 5.85G/8.31G [00:25<00:09, 285MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.88G/8.31G [00:25<00:08, 293MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.92G/8.31G [00:26<00:08, 305MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 5.95G/8.31G [00:26<00:08, 298MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 5.98G/8.31G [00:26<00:08, 301MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 6.02G/8.31G [00:26<00:07, 310MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.05G/8.31G [00:26<00:07, 317MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.09G/8.31G [00:26<00:07, 319MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.13G/8.31G [00:26<00:07, 325MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.17G/8.31G [00:26<00:07, 323MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▍  | 6.21G/8.31G [00:27<00:07, 287MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▌  | 6.25G/8.31G [00:27<00:07, 308MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.29G/8.31G [00:27<00:07, 305MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.32G/8.31G [00:27<00:07, 299MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▋  | 6.35G/8.31G [00:27<00:07, 273MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.38G/8.31G [00:27<00:08, 256MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.41G/8.31G [00:27<00:09, 215MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.44G/8.31G [00:28<00:08, 235MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.46G/8.31G [00:28<00:08, 244MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.49G/8.31G [00:28<00:07, 261MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▊  | 6.53G/8.31G [00:28<00:07, 269MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.56G/8.31G [00:28<00:07, 253MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.59G/8.31G [00:28<00:08, 208MB/s]
Downloading best_ckpt_mp0.tar: 80%|███████▉  | 6.62G/8.31G [00:28<00:09, 201MB/s]
Downloading best_ckpt_mp0.tar: 80%|████████  | 6.65G/8.31G [00:29<00:08, 198MB/s]
Downloading best_ckpt_mp0.tar: 80%|████████  | 6.68G/8.31G [00:29<00:09, 181MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.71G/8.31G [00:29<00:08, 192MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.74G/8.31G [00:29<00:07, 215MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████▏ | 6.77G/8.31G [00:29<00:07, 236MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.80G/8.31G [00:29<00:07, 229MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.83G/8.31G [00:29<00:07, 220MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.86G/8.31G [00:30<00:06, 233MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.88G/8.31G [00:30<00:06, 247MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.91G/8.31G [00:30<00:05, 253MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▎ | 6.94G/8.31G [00:30<00:05, 263MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 6.97G/8.31G [00:30<00:05, 272MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 7.00G/8.31G [00:30<00:04, 282MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▍ | 7.03G/8.31G [00:30<00:04, 290MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▌ | 7.07G/8.31G [00:30<00:04, 302MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.11G/8.31G [00:31<00:04, 311MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.14G/8.31G [00:31<00:04, 272MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▋ | 7.17G/8.31G [00:31<00:04, 272MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.21G/8.31G [00:31<00:04, 287MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.25G/8.31G [00:31<00:03, 307MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.28G/8.31G [00:31<00:03, 297MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.30G/8.31G [00:31<00:03, 300MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.33G/8.31G [00:31<00:03, 301MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▊ | 7.36G/8.31G [00:32<00:04, 246MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.39G/8.31G [00:32<00:03, 256MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.42G/8.31G [00:32<00:03, 269MB/s]
Downloading best_ckpt_mp0.tar: 90%|████████▉ | 7.45G/8.31G [00:32<00:03, 279MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.48G/8.31G [00:32<00:03, 288MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.51G/8.31G [00:32<00:02, 288MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.55G/8.31G [00:32<00:02, 298MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████▏| 7.59G/8.31G [00:32<00:02, 305MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.63G/8.31G [00:32<00:02, 311MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.66G/8.31G [00:33<00:02, 310MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.69G/8.31G [00:33<00:02, 280MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.71G/8.31G [00:33<00:02, 283MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.74G/8.31G [00:33<00:02, 287MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▎| 7.77G/8.31G [00:33<00:02, 286MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.80G/8.31G [00:33<00:01, 293MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.84G/8.31G [00:33<00:01, 306MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▍| 7.87G/8.31G [00:33<00:01, 306MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▌| 7.90G/8.31G [00:34<00:02, 206MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▌| 7.93G/8.31G [00:34<00:02, 192MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.96G/8.31G [00:34<00:02, 158MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.98G/8.31G [00:34<00:02, 124MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▋| 8.00G/8.31G [00:35<00:02, 130MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.03G/8.31G [00:35<00:02, 147MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.06G/8.31G [00:35<00:01, 166MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.10G/8.31G [00:35<00:01, 171MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.12G/8.31G [00:35<00:01, 154MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.13G/8.31G [00:35<00:01, 138MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.15G/8.31G [00:36<00:01, 113MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.17G/8.31G [00:36<00:01, 105MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▊| 8.19G/8.31G [00:36<00:01, 88.1MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.22G/8.31G [00:36<00:00, 116MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.24G/8.31G [00:37<00:00, 115MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.26G/8.31G [00:37<00:00, 115MB/s]
Downloading best_ckpt_mp0.tar: 100%|█████████▉| 8.29G/8.31G [00:37<00:00, 126MB/s]
Downloading best_ckpt_mp0.tar: 100%|██████████| 8.31G/8.31G [00:37<00:00, 237MB/s]
2025-04-23 18:35:44.058 | INFO     | earth2studio.run:ensemble:315 - Running ensemble inference!
2025-04-23 18:35:44.058 | INFO     | earth2studio.run:ensemble:323 - Inference device: cuda
2025-04-23 18:35:45.277 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2024-01-01 00:00:00 lead 0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:35:45.280 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:35:45.304 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:35:45.326 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:35:45.348 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:35:45.371 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.10it/s]

2025-04-23 18:35:45.394 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.10it/s]

2025-04-23 18:35:45.416 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.10it/s]

2025-04-23 18:35:45.439 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.10it/s]

2025-04-23 18:35:45.462 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.10it/s]

2025-04-23 18:35:47.327 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:02<00:01, 44.10it/s]
Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:03<00:27,  2.35it/s]

2025-04-23 18:35:48.932 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:03<00:27,  2.35it/s]

2025-04-23 18:35:50.128 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:04<00:27,  2.35it/s]
Fetching GFS for 2024-01-01 00:00:00:  16%|█▌        | 12/74 [00:06<00:38,  1.61it/s]

2025-04-23 18:35:51.328 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  16%|█▌        | 12/74 [00:06<00:38,  1.61it/s]

2025-04-23 18:35:52.558 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  16%|█▌        | 12/74 [00:07<00:38,  1.61it/s]
Fetching GFS for 2024-01-01 00:00:00:  19%|█▉        | 14/74 [00:07<00:37,  1.61it/s]

2025-04-23 18:35:52.580 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  19%|█▉        | 14/74 [00:07<00:37,  1.61it/s]
Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:08<00:41,  1.41it/s]

2025-04-23 18:35:53.755 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:08<00:41,  1.41it/s]
Fetching GFS for 2024-01-01 00:00:00:  22%|██▏       | 16/74 [00:09<00:47,  1.22it/s]

2025-04-23 18:35:55.077 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  22%|██▏       | 16/74 [00:09<00:47,  1.22it/s]

2025-04-23 18:35:55.099 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  22%|██▏       | 16/74 [00:09<00:47,  1.22it/s]
Fetching GFS for 2024-01-01 00:00:00:  24%|██▍       | 18/74 [00:11<00:46,  1.21it/s]

2025-04-23 18:35:56.743 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  24%|██▍       | 18/74 [00:11<00:46,  1.21it/s]
Fetching GFS for 2024-01-01 00:00:00:  26%|██▌       | 19/74 [00:12<00:49,  1.12it/s]

2025-04-23 18:35:57.908 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  26%|██▌       | 19/74 [00:12<00:49,  1.12it/s]

2025-04-23 18:35:57.933 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  26%|██▌       | 19/74 [00:12<00:49,  1.12it/s]
Fetching GFS for 2024-01-01 00:00:00:  28%|██▊       | 21/74 [00:13<00:42,  1.23it/s]

2025-04-23 18:35:59.233 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  28%|██▊       | 21/74 [00:13<00:42,  1.23it/s]

2025-04-23 18:35:59.259 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  28%|██▊       | 21/74 [00:13<00:42,  1.23it/s]
Fetching GFS for 2024-01-01 00:00:00:  31%|███       | 23/74 [00:15<00:37,  1.35it/s]

2025-04-23 18:36:00.440 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  31%|███       | 23/74 [00:15<00:37,  1.35it/s]
Fetching GFS for 2024-01-01 00:00:00:  32%|███▏      | 24/74 [00:16<00:41,  1.21it/s]

2025-04-23 18:36:01.633 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  32%|███▏      | 24/74 [00:16<00:41,  1.21it/s]
Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:17<00:44,  1.10it/s]

2025-04-23 18:36:02.843 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:17<00:44,  1.10it/s]
Fetching GFS for 2024-01-01 00:00:00:  35%|███▌      | 26/74 [00:18<00:46,  1.02it/s]

2025-04-23 18:36:04.034 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  35%|███▌      | 26/74 [00:18<00:46,  1.02it/s]

2025-04-23 18:36:04.059 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  35%|███▌      | 26/74 [00:18<00:46,  1.02it/s]
Fetching GFS for 2024-01-01 00:00:00:  38%|███▊      | 28/74 [00:19<00:37,  1.22it/s]

2025-04-23 18:36:05.218 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  38%|███▊      | 28/74 [00:19<00:37,  1.22it/s]
Fetching GFS for 2024-01-01 00:00:00:  39%|███▉      | 29/74 [00:21<00:41,  1.10it/s]

2025-04-23 18:36:06.438 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  39%|███▉      | 29/74 [00:21<00:41,  1.10it/s]

2025-04-23 18:36:06.463 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  39%|███▉      | 29/74 [00:21<00:41,  1.10it/s]
Fetching GFS for 2024-01-01 00:00:00:  42%|████▏     | 31/74 [00:22<00:34,  1.26it/s]

2025-04-23 18:36:07.645 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  42%|████▏     | 31/74 [00:22<00:34,  1.26it/s]
Fetching GFS for 2024-01-01 00:00:00:  43%|████▎     | 32/74 [00:23<00:36,  1.14it/s]

2025-04-23 18:36:08.844 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  43%|████▎     | 32/74 [00:23<00:36,  1.14it/s]

2025-04-23 18:36:08.869 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  43%|████▎     | 32/74 [00:23<00:36,  1.14it/s]
Fetching GFS for 2024-01-01 00:00:00:  46%|████▌     | 34/74 [00:24<00:31,  1.28it/s]

2025-04-23 18:36:10.083 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  46%|████▌     | 34/74 [00:24<00:31,  1.28it/s]

2025-04-23 18:36:10.106 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  46%|████▌     | 34/74 [00:24<00:31,  1.28it/s]

2025-04-23 18:36:10.128 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  46%|████▌     | 34/74 [00:24<00:31,  1.28it/s]
Fetching GFS for 2024-01-01 00:00:00:  50%|█████     | 37/74 [00:26<00:23,  1.61it/s]

2025-04-23 18:36:11.377 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  50%|█████     | 37/74 [00:26<00:23,  1.61it/s]
Fetching GFS for 2024-01-01 00:00:00:  51%|█████▏    | 38/74 [00:27<00:25,  1.39it/s]

2025-04-23 18:36:12.553 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  51%|█████▏    | 38/74 [00:27<00:25,  1.39it/s]
Fetching GFS for 2024-01-01 00:00:00:  53%|█████▎    | 39/74 [00:28<00:29,  1.20it/s]

2025-04-23 18:36:13.822 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  53%|█████▎    | 39/74 [00:28<00:29,  1.20it/s]

2025-04-23 18:36:13.846 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  53%|█████▎    | 39/74 [00:28<00:29,  1.20it/s]

2025-04-23 18:36:13.869 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  53%|█████▎    | 39/74 [00:28<00:29,  1.20it/s]
Fetching GFS for 2024-01-01 00:00:00:  57%|█████▋    | 42/74 [00:29<00:20,  1.55it/s]

2025-04-23 18:36:15.100 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  57%|█████▋    | 42/74 [00:29<00:20,  1.55it/s]

2025-04-23 18:36:15.123 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  57%|█████▋    | 42/74 [00:29<00:20,  1.55it/s]
Fetching GFS for 2024-01-01 00:00:00:  59%|█████▉    | 44/74 [00:31<00:18,  1.58it/s]

2025-04-23 18:36:16.313 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  59%|█████▉    | 44/74 [00:31<00:18,  1.58it/s]

2025-04-23 18:36:16.336 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  59%|█████▉    | 44/74 [00:31<00:18,  1.58it/s]

2025-04-23 18:36:16.359 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  59%|█████▉    | 44/74 [00:31<00:18,  1.58it/s]
Fetching GFS for 2024-01-01 00:00:00:  64%|██████▎   | 47/74 [00:32<00:14,  1.81it/s]

2025-04-23 18:36:17.603 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  64%|██████▎   | 47/74 [00:32<00:14,  1.81it/s]

2025-04-23 18:36:17.627 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  64%|██████▎   | 47/74 [00:32<00:14,  1.81it/s]
Fetching GFS for 2024-01-01 00:00:00:  66%|██████▌   | 49/74 [00:33<00:14,  1.71it/s]

2025-04-23 18:36:18.939 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  66%|██████▌   | 49/74 [00:33<00:14,  1.71it/s]
Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:34<00:16,  1.45it/s]

2025-04-23 18:36:20.180 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:34<00:16,  1.45it/s]
Fetching GFS for 2024-01-01 00:00:00:  69%|██████▉   | 51/74 [00:36<00:18,  1.27it/s]

2025-04-23 18:36:21.364 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  69%|██████▉   | 51/74 [00:36<00:18,  1.27it/s]
Fetching GFS for 2024-01-01 00:00:00:  70%|███████   | 52/74 [00:37<00:19,  1.14it/s]

2025-04-23 18:36:22.589 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  70%|███████   | 52/74 [00:37<00:19,  1.14it/s]

2025-04-23 18:36:22.612 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  70%|███████   | 52/74 [00:37<00:19,  1.14it/s]
Fetching GFS for 2024-01-01 00:00:00:  73%|███████▎  | 54/74 [00:38<00:15,  1.28it/s]

2025-04-23 18:36:23.842 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  73%|███████▎  | 54/74 [00:38<00:15,  1.28it/s]
Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:39<00:17,  1.12it/s]

2025-04-23 18:36:25.151 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:39<00:17,  1.12it/s]

2025-04-23 18:36:25.175 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:39<00:17,  1.12it/s]
Fetching GFS for 2024-01-01 00:00:00:  77%|███████▋  | 57/74 [00:41<00:13,  1.27it/s]

2025-04-23 18:36:26.369 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  77%|███████▋  | 57/74 [00:41<00:13,  1.27it/s]
Fetching GFS for 2024-01-01 00:00:00:  78%|███████▊  | 58/74 [00:42<00:14,  1.13it/s]

2025-04-23 18:36:27.630 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  78%|███████▊  | 58/74 [00:42<00:14,  1.13it/s]

2025-04-23 18:36:27.652 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  78%|███████▊  | 58/74 [00:42<00:14,  1.13it/s]
Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:43<00:10,  1.28it/s]

2025-04-23 18:36:28.855 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:43<00:10,  1.28it/s]
Fetching GFS for 2024-01-01 00:00:00:  82%|████████▏ | 61/74 [00:44<00:11,  1.11it/s]

2025-04-23 18:36:30.192 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  82%|████████▏ | 61/74 [00:44<00:11,  1.11it/s]
Fetching GFS for 2024-01-01 00:00:00:  84%|████████▍ | 62/74 [00:46<00:11,  1.02it/s]

2025-04-23 18:36:31.437 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  84%|████████▍ | 62/74 [00:46<00:11,  1.02it/s]
Fetching GFS for 2024-01-01 00:00:00:  85%|████████▌ | 63/74 [00:47<00:11,  1.03s/it]

2025-04-23 18:36:32.618 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  85%|████████▌ | 63/74 [00:47<00:11,  1.03s/it]
Fetching GFS for 2024-01-01 00:00:00:  86%|████████▋ | 64/74 [00:48<00:10,  1.08s/it]

2025-04-23 18:36:33.850 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  86%|████████▋ | 64/74 [00:48<00:10,  1.08s/it]
Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:49<00:10,  1.11s/it]

2025-04-23 18:36:35.042 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:49<00:10,  1.11s/it]
Fetching GFS for 2024-01-01 00:00:00:  89%|████████▉ | 66/74 [00:50<00:09,  1.14s/it]

2025-04-23 18:36:36.239 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  89%|████████▉ | 66/74 [00:50<00:09,  1.14s/it]
Fetching GFS for 2024-01-01 00:00:00:  91%|█████████ | 67/74 [00:52<00:08,  1.19s/it]

2025-04-23 18:36:37.564 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  91%|█████████ | 67/74 [00:52<00:08,  1.19s/it]
Fetching GFS for 2024-01-01 00:00:00:  92%|█████████▏| 68/74 [00:53<00:07,  1.20s/it]

2025-04-23 18:36:38.784 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  92%|█████████▏| 68/74 [00:53<00:07,  1.20s/it]
Fetching GFS for 2024-01-01 00:00:00:  93%|█████████▎| 69/74 [00:54<00:06,  1.21s/it]

2025-04-23 18:36:40.015 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  93%|█████████▎| 69/74 [00:54<00:06,  1.21s/it]
Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:55<00:04,  1.22s/it]

2025-04-23 18:36:41.252 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:55<00:04,  1.22s/it]
Fetching GFS for 2024-01-01 00:00:00:  96%|█████████▌| 71/74 [00:57<00:03,  1.19s/it]

2025-04-23 18:36:42.395 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  96%|█████████▌| 71/74 [00:57<00:03,  1.19s/it]
Fetching GFS for 2024-01-01 00:00:00:  97%|█████████▋| 72/74 [00:58<00:02,  1.20s/it]

2025-04-23 18:36:43.598 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  97%|█████████▋| 72/74 [00:58<00:02,  1.20s/it]
Fetching GFS for 2024-01-01 00:00:00:  99%|█████████▊| 73/74 [00:59<00:01,  1.20s/it]

2025-04-23 18:36:44.789 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  99%|█████████▊| 73/74 [00:59<00:01,  1.20s/it]
Fetching GFS for 2024-01-01 00:00:00: 100%|██████████| 74/74 [01:00<00:00,  1.20s/it]
Fetching GFS for 2024-01-01 00:00:00: 100%|██████████| 74/74 [01:00<00:00,  1.22it/s]
2025-04-23 18:36:46.221 | SUCCESS  | earth2studio.run:ensemble:345 - Fetched data from GFS
2025-04-23 18:36:46.227 | INFO     | earth2studio.run:ensemble:367 - Starting 2 Member Ensemble Inference with             2 number of batches.

Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

2025-04-23 18:36:46.229 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2023-12-31 06:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:36:46.413 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   1%|▏         | 1/74 [00:01<01:44,  1.44s/it]




2025-04-23 18:36:47.851 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   1%|▏         | 1/74 [00:01<01:44,  1.44s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   3%|▎         | 2/74 [00:03<02:03,  1.71s/it]




2025-04-23 18:36:49.753 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   3%|▎         | 2/74 [00:03<02:03,  1.71s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   4%|▍         | 3/74 [00:04<01:36,  1.35s/it]




2025-04-23 18:36:50.678 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   4%|▍         | 3/74 [00:04<01:36,  1.35s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   5%|▌         | 4/74 [00:05<01:23,  1.19s/it]




2025-04-23 18:36:51.620 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   5%|▌         | 4/74 [00:05<01:23,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:06<01:25,  1.24s/it]




2025-04-23 18:36:52.955 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:06<01:25,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   8%|▊         | 6/74 [00:07<01:24,  1.24s/it]




2025-04-23 18:36:54.200 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   8%|▊         | 6/74 [00:07<01:24,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:07<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   9%|▉         | 7/74 [00:09<01:24,  1.26s/it]




2025-04-23 18:36:55.505 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   9%|▉         | 7/74 [00:09<01:24,  1.26s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:09<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  11%|█         | 8/74 [00:10<01:21,  1.24s/it]




2025-04-23 18:36:56.684 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  11%|█         | 8/74 [00:10<01:21,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:10<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  12%|█▏        | 9/74 [00:11<01:19,  1.22s/it]




2025-04-23 18:36:57.859 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  12%|█▏        | 9/74 [00:11<01:19,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:11<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:12<01:20,  1.26s/it]




2025-04-23 18:36:59.204 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:12<01:20,  1.26s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:12<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  15%|█▍        | 11/74 [00:13<01:17,  1.23s/it]




2025-04-23 18:37:00.377 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  15%|█▍        | 11/74 [00:13<01:17,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:14<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  16%|█▌        | 12/74 [00:15<01:15,  1.21s/it]




2025-04-23 18:37:01.548 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  16%|█▌        | 12/74 [00:15<01:15,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:15<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  18%|█▊        | 13/74 [00:16<01:12,  1.19s/it]




2025-04-23 18:37:02.692 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  18%|█▊        | 13/74 [00:16<01:12,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:16<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  19%|█▉        | 14/74 [00:17<01:11,  1.18s/it]




2025-04-23 18:37:03.860 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  19%|█▉        | 14/74 [00:17<01:11,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:17<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:18<01:11,  1.21s/it]




2025-04-23 18:37:05.119 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:18<01:11,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:18<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  22%|██▏       | 16/74 [00:19<01:09,  1.19s/it]




2025-04-23 18:37:06.272 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  22%|██▏       | 16/74 [00:19<01:09,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:20<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  23%|██▎       | 17/74 [00:21<01:08,  1.20s/it]




2025-04-23 18:37:07.487 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  23%|██▎       | 17/74 [00:21<01:08,  1.20s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:21<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  24%|██▍       | 18/74 [00:22<01:06,  1.19s/it]




2025-04-23 18:37:08.645 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  24%|██▍       | 18/74 [00:22<01:06,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:22<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  26%|██▌       | 19/74 [00:23<01:04,  1.17s/it]




2025-04-23 18:37:09.782 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  26%|██▌       | 19/74 [00:23<01:04,  1.17s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:23<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:24<01:04,  1.19s/it]




2025-04-23 18:37:11.013 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:24<01:04,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:24<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  28%|██▊       | 21/74 [00:25<01:05,  1.23s/it]




2025-04-23 18:37:12.340 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  28%|██▊       | 21/74 [00:25<01:05,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:26<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  30%|██▉       | 22/74 [00:27<01:04,  1.24s/it]




2025-04-23 18:37:13.585 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  30%|██▉       | 22/74 [00:27<01:04,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:27<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  31%|███       | 23/74 [00:28<01:03,  1.24s/it]




2025-04-23 18:37:14.854 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  31%|███       | 23/74 [00:28<01:03,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:28<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  32%|███▏      | 24/74 [00:29<01:01,  1.24s/it]




2025-04-23 18:37:16.071 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  32%|███▏      | 24/74 [00:29<01:01,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:29<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:30<01:00,  1.23s/it]




2025-04-23 18:37:17.270 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:30<01:00,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:31<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  35%|███▌      | 26/74 [00:32<01:02,  1.29s/it]




2025-04-23 18:37:18.725 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  35%|███▌      | 26/74 [00:32<01:02,  1.29s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:32<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  36%|███▋      | 27/74 [00:33<01:02,  1.34s/it]




2025-04-23 18:37:20.161 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  36%|███▋      | 27/74 [00:33<01:02,  1.34s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:33<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  38%|███▊      | 28/74 [00:35<01:02,  1.35s/it]




2025-04-23 18:37:21.558 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  38%|███▊      | 28/74 [00:35<01:02,  1.35s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:35<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  39%|███▉      | 29/74 [00:36<01:01,  1.37s/it]




2025-04-23 18:37:22.949 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  39%|███▉      | 29/74 [00:36<01:01,  1.37s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:36<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:37<01:00,  1.38s/it]




2025-04-23 18:37:24.360 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:37<01:00,  1.38s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:38<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  42%|████▏     | 31/74 [00:39<00:58,  1.37s/it]




2025-04-23 18:37:25.695 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  42%|████▏     | 31/74 [00:39<00:58,  1.37s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:39<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  43%|████▎     | 32/74 [00:40<00:56,  1.36s/it]




2025-04-23 18:37:27.029 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  43%|████▎     | 32/74 [00:40<00:56,  1.36s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:40<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  45%|████▍     | 33/74 [00:42<00:56,  1.39s/it]




2025-04-23 18:37:28.485 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  45%|████▍     | 33/74 [00:42<00:56,  1.39s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:42<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  46%|████▌     | 34/74 [00:43<00:59,  1.48s/it]




2025-04-23 18:37:30.184 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  46%|████▌     | 34/74 [00:43<00:59,  1.48s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:43<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:45<00:59,  1.53s/it]




2025-04-23 18:37:31.823 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:45<00:59,  1.53s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:45<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  49%|████▊     | 36/74 [00:47<00:58,  1.55s/it]




2025-04-23 18:37:33.431 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  49%|████▊     | 36/74 [00:47<00:58,  1.55s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:47<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  50%|█████     | 37/74 [00:48<00:56,  1.54s/it]




2025-04-23 18:37:34.931 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  50%|█████     | 37/74 [00:48<00:56,  1.54s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:48<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  51%|█████▏    | 38/74 [00:50<00:55,  1.53s/it]




2025-04-23 18:37:36.447 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  51%|█████▏    | 38/74 [00:50<00:55,  1.53s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:50<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  53%|█████▎    | 39/74 [00:51<00:53,  1.53s/it]




2025-04-23 18:37:37.971 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  53%|█████▎    | 39/74 [00:51<00:53,  1.53s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:51<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:53<00:51,  1.52s/it]




2025-04-23 18:37:39.461 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:53<00:51,  1.52s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:53<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  55%|█████▌    | 41/74 [00:54<00:50,  1.52s/it]




2025-04-23 18:37:40.980 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  55%|█████▌    | 41/74 [00:54<00:50,  1.52s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:54<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  57%|█████▋    | 42/74 [00:56<00:48,  1.52s/it]




2025-04-23 18:37:42.493 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  57%|█████▋    | 42/74 [00:56<00:48,  1.52s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:56<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  58%|█████▊    | 43/74 [00:57<00:46,  1.51s/it]




2025-04-23 18:37:44.001 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  58%|█████▊    | 43/74 [00:57<00:46,  1.51s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:57<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  59%|█████▉    | 44/74 [00:59<00:45,  1.51s/it]




2025-04-23 18:37:45.515 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  59%|█████▉    | 44/74 [00:59<00:45,  1.51s/it]
Total Ensemble Batches:   0%|          | 0/2 [00:59<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [01:00<00:43,  1.50s/it]




2025-04-23 18:37:46.968 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [01:00<00:43,  1.50s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  62%|██████▏   | 46/74 [01:02<00:41,  1.48s/it]




2025-04-23 18:37:48.425 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  62%|██████▏   | 46/74 [01:02<00:41,  1.48s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:02<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  64%|██████▎   | 47/74 [01:03<00:39,  1.45s/it]




2025-04-23 18:37:49.812 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  64%|██████▎   | 47/74 [01:03<00:39,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:03<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  65%|██████▍   | 48/74 [01:04<00:37,  1.43s/it]




2025-04-23 18:37:51.188 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  65%|██████▍   | 48/74 [01:04<00:37,  1.43s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:04<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  66%|██████▌   | 49/74 [01:06<00:34,  1.39s/it]




2025-04-23 18:37:52.495 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  66%|██████▌   | 49/74 [01:06<00:34,  1.39s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:06<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [01:07<00:32,  1.35s/it]




2025-04-23 18:37:53.758 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [01:07<00:32,  1.35s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:07<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  69%|██████▉   | 51/74 [01:08<00:30,  1.31s/it]




2025-04-23 18:37:54.959 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  69%|██████▉   | 51/74 [01:08<00:30,  1.31s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:08<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  70%|███████   | 52/74 [01:10<00:31,  1.42s/it]




2025-04-23 18:37:56.638 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  70%|███████   | 52/74 [01:10<00:31,  1.42s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:10<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  72%|███████▏  | 53/74 [01:11<00:27,  1.32s/it]




2025-04-23 18:37:57.739 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  72%|███████▏  | 53/74 [01:11<00:27,  1.32s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:11<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  73%|███████▎  | 54/74 [01:12<00:25,  1.26s/it]




2025-04-23 18:37:58.855 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  73%|███████▎  | 54/74 [01:12<00:25,  1.26s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:12<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [01:13<00:22,  1.21s/it]




2025-04-23 18:37:59.934 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [01:13<00:22,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:13<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  76%|███████▌  | 56/74 [01:14<00:20,  1.16s/it]




2025-04-23 18:38:00.987 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  76%|███████▌  | 56/74 [01:14<00:20,  1.16s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:14<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  77%|███████▋  | 57/74 [01:15<00:19,  1.15s/it]




2025-04-23 18:38:02.100 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  77%|███████▋  | 57/74 [01:15<00:19,  1.15s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:15<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  78%|███████▊  | 58/74 [01:16<00:18,  1.13s/it]




2025-04-23 18:38:03.184 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  78%|███████▊  | 58/74 [01:16<00:18,  1.13s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:16<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  80%|███████▉  | 59/74 [01:17<00:16,  1.11s/it]




2025-04-23 18:38:04.268 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  80%|███████▉  | 59/74 [01:17<00:16,  1.11s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:18<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [01:18<00:15,  1.10s/it]




2025-04-23 18:38:05.343 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [01:18<00:15,  1.10s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:19<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  82%|████████▏ | 61/74 [01:20<00:14,  1.09s/it]




2025-04-23 18:38:06.418 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  82%|████████▏ | 61/74 [01:20<00:14,  1.09s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:20<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  84%|████████▍ | 62/74 [01:21<00:13,  1.11s/it]




2025-04-23 18:38:07.563 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  84%|████████▍ | 62/74 [01:21<00:13,  1.11s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:21<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  85%|████████▌ | 63/74 [01:22<00:12,  1.10s/it]




2025-04-23 18:38:08.635 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  85%|████████▌ | 63/74 [01:22<00:12,  1.10s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:22<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  86%|████████▋ | 64/74 [01:23<00:10,  1.09s/it]




2025-04-23 18:38:09.715 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  86%|████████▋ | 64/74 [01:23<00:10,  1.09s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:23<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [01:24<00:10,  1.21s/it]




2025-04-23 18:38:11.210 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [01:24<00:10,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:24<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  89%|████████▉ | 66/74 [01:26<00:10,  1.34s/it]




2025-04-23 18:38:12.841 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  89%|████████▉ | 66/74 [01:26<00:10,  1.34s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:26<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  91%|█████████ | 67/74 [01:27<00:09,  1.41s/it]




2025-04-23 18:38:14.409 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  91%|█████████ | 67/74 [01:27<00:09,  1.41s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:28<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  92%|█████████▏| 68/74 [01:29<00:08,  1.44s/it]




2025-04-23 18:38:15.925 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  92%|█████████▏| 68/74 [01:29<00:08,  1.44s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:29<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  93%|█████████▎| 69/74 [01:30<00:07,  1.45s/it]




2025-04-23 18:38:17.383 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  93%|█████████▎| 69/74 [01:30<00:07,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:31<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  95%|█████████▍| 70/74 [01:32<00:05,  1.45s/it]




2025-04-23 18:38:18.837 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  95%|█████████▍| 70/74 [01:32<00:05,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:32<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  96%|█████████▌| 71/74 [01:33<00:04,  1.45s/it]




2025-04-23 18:38:20.287 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  96%|█████████▌| 71/74 [01:33<00:04,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:34<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  97%|█████████▋| 72/74 [01:35<00:02,  1.45s/it]




2025-04-23 18:38:21.726 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  97%|█████████▋| 72/74 [01:35<00:02,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:35<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  99%|█████████▊| 73/74 [01:36<00:01,  1.45s/it]




2025-04-23 18:38:23.188 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  99%|█████████▊| 73/74 [01:36<00:01,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:36<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00: 100%|██████████| 74/74 [01:38<00:00,  1.45s/it]
Fetching GFS for 2023-12-31 06:00:00: 100%|██████████| 74/74 [01:38<00:00,  1.33s/it]


2025-04-23 18:38:24.649 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2023-12-31 12:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [01:38<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:38:24.816 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [01:38<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   1%|▏         | 1/74 [00:01<01:53,  1.56s/it]




2025-04-23 18:38:26.377 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   1%|▏         | 1/74 [00:01<01:53,  1.56s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:40<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   3%|▎         | 2/74 [00:03<01:47,  1.49s/it]




2025-04-23 18:38:27.826 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   3%|▎         | 2/74 [00:03<01:47,  1.49s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:41<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   4%|▍         | 3/74 [00:04<01:34,  1.33s/it]




2025-04-23 18:38:28.969 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   4%|▍         | 3/74 [00:04<01:34,  1.33s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:42<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   5%|▌         | 4/74 [00:05<01:26,  1.23s/it]




2025-04-23 18:38:30.048 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   5%|▌         | 4/74 [00:05<01:26,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:43<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:06<01:29,  1.30s/it]




2025-04-23 18:38:31.461 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:06<01:29,  1.30s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:45<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   8%|▊         | 6/74 [00:08<01:31,  1.35s/it]




2025-04-23 18:38:32.906 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   8%|▊         | 6/74 [00:08<01:31,  1.35s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:46<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   9%|▉         | 7/74 [00:09<01:36,  1.44s/it]




2025-04-23 18:38:34.541 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   9%|▉         | 7/74 [00:09<01:36,  1.44s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:48<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  11%|█         | 8/74 [00:10<01:31,  1.38s/it]




2025-04-23 18:38:35.797 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  11%|█         | 8/74 [00:10<01:31,  1.38s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:49<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  12%|█▏        | 9/74 [00:12<01:26,  1.34s/it]




2025-04-23 18:38:37.031 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  12%|█▏        | 9/74 [00:12<01:26,  1.34s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:50<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:13<01:25,  1.34s/it]




2025-04-23 18:38:38.387 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:13<01:25,  1.34s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:52<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  15%|█▍        | 11/74 [00:14<01:20,  1.28s/it]




2025-04-23 18:38:39.535 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  15%|█▍        | 11/74 [00:14<01:20,  1.28s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:53<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  16%|█▌        | 12/74 [00:15<01:15,  1.22s/it]




2025-04-23 18:38:40.609 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  16%|█▌        | 12/74 [00:15<01:15,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:54<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  18%|█▊        | 13/74 [00:16<01:11,  1.18s/it]




2025-04-23 18:38:41.686 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  18%|█▊        | 13/74 [00:16<01:11,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:55<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  19%|█▉        | 14/74 [00:17<01:07,  1.13s/it]




2025-04-23 18:38:42.714 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  19%|█▉        | 14/74 [00:17<01:07,  1.13s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:56<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:18<01:05,  1.11s/it]




2025-04-23 18:38:43.779 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:18<01:05,  1.11s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:57<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  22%|██▏       | 16/74 [00:20<01:05,  1.12s/it]




2025-04-23 18:38:44.933 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  22%|██▏       | 16/74 [00:20<01:05,  1.12s/it]
Total Ensemble Batches:   0%|          | 0/2 [01:58<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  23%|██▎       | 17/74 [00:21<01:07,  1.18s/it]




2025-04-23 18:38:46.250 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  23%|██▎       | 17/74 [00:21<01:07,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:00<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  24%|██▍       | 18/74 [00:22<01:08,  1.22s/it]




2025-04-23 18:38:47.564 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  24%|██▍       | 18/74 [00:22<01:08,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:01<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  26%|██▌       | 19/74 [00:23<01:05,  1.19s/it]




2025-04-23 18:38:48.696 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  26%|██▌       | 19/74 [00:23<01:05,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:25<01:06,  1.22s/it]




2025-04-23 18:38:49.990 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:25<01:06,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:03<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  28%|██▊       | 21/74 [00:26<01:05,  1.24s/it]




2025-04-23 18:38:51.278 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  28%|██▊       | 21/74 [00:26<01:05,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:05<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  30%|██▉       | 22/74 [00:27<01:04,  1.25s/it]




2025-04-23 18:38:52.530 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  30%|██▉       | 22/74 [00:27<01:04,  1.25s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:06<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  31%|███       | 23/74 [00:28<01:02,  1.23s/it]




2025-04-23 18:38:53.729 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  31%|███       | 23/74 [00:28<01:02,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:07<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  32%|███▏      | 24/74 [00:30<01:00,  1.21s/it]




2025-04-23 18:38:54.879 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  32%|███▏      | 24/74 [00:30<01:00,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:08<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:31<00:58,  1.20s/it]




2025-04-23 18:38:56.070 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:31<00:58,  1.20s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:09<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  35%|███▌      | 26/74 [00:32<00:57,  1.19s/it]




2025-04-23 18:38:57.240 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  35%|███▌      | 26/74 [00:32<00:57,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:11<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  36%|███▋      | 27/74 [00:34<01:04,  1.37s/it]




2025-04-23 18:38:59.037 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  36%|███▋      | 27/74 [00:34<01:04,  1.37s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:12<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  38%|███▊      | 28/74 [00:35<00:59,  1.30s/it]




2025-04-23 18:39:00.178 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  38%|███▊      | 28/74 [00:35<00:59,  1.30s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:13<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  39%|███▉      | 29/74 [00:36<00:56,  1.26s/it]




2025-04-23 18:39:01.321 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  39%|███▉      | 29/74 [00:36<00:56,  1.26s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:15<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:37<00:53,  1.23s/it]




2025-04-23 18:39:02.477 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:37<00:53,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:16<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  42%|████▏     | 31/74 [00:38<00:52,  1.22s/it]




2025-04-23 18:39:03.697 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  42%|████▏     | 31/74 [00:38<00:52,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:17<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  43%|████▎     | 32/74 [00:40<00:50,  1.21s/it]




2025-04-23 18:39:04.881 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  43%|████▎     | 32/74 [00:40<00:50,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:18<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  45%|████▍     | 33/74 [00:41<00:49,  1.20s/it]




2025-04-23 18:39:06.055 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  45%|████▍     | 33/74 [00:41<00:49,  1.20s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:19<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  46%|████▌     | 34/74 [00:42<00:47,  1.19s/it]




2025-04-23 18:39:07.205 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  46%|████▌     | 34/74 [00:42<00:47,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:20<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:43<00:45,  1.17s/it]




2025-04-23 18:39:08.354 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:43<00:45,  1.17s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:22<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  49%|████▊     | 36/74 [00:44<00:45,  1.19s/it]




2025-04-23 18:39:09.575 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  49%|████▊     | 36/74 [00:44<00:45,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:23<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  50%|█████     | 37/74 [00:45<00:44,  1.20s/it]




2025-04-23 18:39:10.801 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  50%|█████     | 37/74 [00:45<00:44,  1.20s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:24<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  51%|█████▏    | 38/74 [00:47<00:43,  1.20s/it]




2025-04-23 18:39:12.013 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  51%|█████▏    | 38/74 [00:47<00:43,  1.20s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:25<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  53%|█████▎    | 39/74 [00:48<00:41,  1.19s/it]




2025-04-23 18:39:13.188 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  53%|█████▎    | 39/74 [00:48<00:41,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:26<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:49<00:40,  1.18s/it]




2025-04-23 18:39:14.337 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:49<00:40,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:28<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  55%|█████▌    | 41/74 [00:50<00:38,  1.17s/it]




2025-04-23 18:39:15.491 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  55%|█████▌    | 41/74 [00:50<00:38,  1.17s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:29<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  57%|█████▋    | 42/74 [00:51<00:37,  1.17s/it]




2025-04-23 18:39:16.638 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  57%|█████▋    | 42/74 [00:51<00:37,  1.17s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:30<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  58%|█████▊    | 43/74 [00:53<00:36,  1.18s/it]




2025-04-23 18:39:17.844 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  58%|█████▊    | 43/74 [00:53<00:36,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:31<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  59%|█████▉    | 44/74 [00:54<00:35,  1.19s/it]




2025-04-23 18:39:19.052 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  59%|█████▉    | 44/74 [00:54<00:35,  1.19s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:32<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:55<00:34,  1.18s/it]




2025-04-23 18:39:20.233 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:55<00:34,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:34<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  62%|██████▏   | 46/74 [00:56<00:33,  1.18s/it]




2025-04-23 18:39:21.408 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  62%|██████▏   | 46/74 [00:56<00:33,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:35<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  64%|██████▎   | 47/74 [00:57<00:31,  1.18s/it]




2025-04-23 18:39:22.591 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  64%|██████▎   | 47/74 [00:57<00:31,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:36<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  65%|██████▍   | 48/74 [00:58<00:30,  1.18s/it]




2025-04-23 18:39:23.749 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  65%|██████▍   | 48/74 [00:58<00:30,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:37<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  66%|██████▌   | 49/74 [01:00<00:29,  1.16s/it]




2025-04-23 18:39:24.890 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  66%|██████▌   | 49/74 [01:00<00:29,  1.16s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:38<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [01:01<00:28,  1.17s/it]




2025-04-23 18:39:26.074 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [01:01<00:28,  1.17s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:39<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  69%|██████▉   | 51/74 [01:02<00:27,  1.18s/it]




2025-04-23 18:39:27.269 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  69%|██████▉   | 51/74 [01:02<00:27,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:41<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  70%|███████   | 52/74 [01:03<00:25,  1.18s/it]




2025-04-23 18:39:28.447 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  70%|███████   | 52/74 [01:03<00:25,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:42<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  72%|███████▏  | 53/74 [01:04<00:24,  1.18s/it]




2025-04-23 18:39:29.638 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  72%|███████▏  | 53/74 [01:04<00:24,  1.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:43<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  73%|███████▎  | 54/74 [01:06<00:24,  1.21s/it]




2025-04-23 18:39:30.917 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  73%|███████▎  | 54/74 [01:06<00:24,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:44<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [01:07<00:23,  1.22s/it]




2025-04-23 18:39:32.164 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [01:07<00:23,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:45<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  76%|███████▌  | 56/74 [01:08<00:21,  1.21s/it]




2025-04-23 18:39:33.360 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  76%|███████▌  | 56/74 [01:08<00:21,  1.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:47<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  77%|███████▋  | 57/74 [01:09<00:20,  1.22s/it]




2025-04-23 18:39:34.587 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  77%|███████▋  | 57/74 [01:09<00:20,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:48<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  78%|███████▊  | 58/74 [01:11<00:20,  1.29s/it]




2025-04-23 18:39:36.061 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  78%|███████▊  | 58/74 [01:11<00:20,  1.29s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:49<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  80%|███████▉  | 59/74 [01:12<00:18,  1.26s/it]




2025-04-23 18:39:37.228 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  80%|███████▉  | 59/74 [01:12<00:18,  1.26s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:51<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [01:13<00:17,  1.27s/it]




2025-04-23 18:39:38.519 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [01:13<00:17,  1.27s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:52<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  82%|████████▏ | 61/74 [01:15<00:17,  1.31s/it]




2025-04-23 18:39:39.928 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  82%|████████▏ | 61/74 [01:15<00:17,  1.31s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:53<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  84%|████████▍ | 62/74 [01:16<00:16,  1.34s/it]




2025-04-23 18:39:41.334 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  84%|████████▍ | 62/74 [01:16<00:16,  1.34s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:55<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  85%|████████▌ | 63/74 [01:17<00:14,  1.34s/it]




2025-04-23 18:39:42.676 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  85%|████████▌ | 63/74 [01:17<00:14,  1.34s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:56<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  86%|████████▋ | 64/74 [01:19<00:13,  1.32s/it]




2025-04-23 18:39:43.966 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  86%|████████▋ | 64/74 [01:19<00:13,  1.32s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:57<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [01:20<00:11,  1.32s/it]




2025-04-23 18:39:45.267 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [01:20<00:11,  1.32s/it]
Total Ensemble Batches:   0%|          | 0/2 [02:59<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  89%|████████▉ | 66/74 [01:21<00:10,  1.31s/it]




2025-04-23 18:39:46.546 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  89%|████████▉ | 66/74 [01:21<00:10,  1.31s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:00<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  91%|█████████ | 67/74 [01:23<00:09,  1.30s/it]




2025-04-23 18:39:47.841 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  91%|█████████ | 67/74 [01:23<00:09,  1.30s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:01<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  92%|█████████▏| 68/74 [01:24<00:07,  1.30s/it]




2025-04-23 18:39:49.143 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  92%|█████████▏| 68/74 [01:24<00:07,  1.30s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  93%|█████████▎| 69/74 [01:25<00:06,  1.30s/it]




2025-04-23 18:39:50.435 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  93%|█████████▎| 69/74 [01:25<00:06,  1.30s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:04<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  95%|█████████▍| 70/74 [01:27<00:05,  1.35s/it]




2025-04-23 18:39:51.913 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  95%|█████████▍| 70/74 [01:27<00:05,  1.35s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:05<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  96%|█████████▌| 71/74 [01:28<00:04,  1.41s/it]




2025-04-23 18:39:53.454 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  96%|█████████▌| 71/74 [01:28<00:04,  1.41s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:07<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  97%|█████████▋| 72/74 [01:30<00:02,  1.43s/it]




2025-04-23 18:39:54.917 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  97%|█████████▋| 72/74 [01:30<00:02,  1.43s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:08<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  99%|█████████▊| 73/74 [01:31<00:01,  1.43s/it]




2025-04-23 18:39:56.369 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  99%|█████████▊| 73/74 [01:31<00:01,  1.43s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:10<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00: 100%|██████████| 74/74 [01:33<00:00,  1.52s/it]
Fetching GFS for 2023-12-31 12:00:00: 100%|██████████| 74/74 [01:33<00:00,  1.26s/it]


2025-04-23 18:39:58.101 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2023-12-31 18:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [03:11<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:39:58.105 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [03:11<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   1%|▏         | 1/74 [00:02<02:47,  2.30s/it]




2025-04-23 18:40:00.401 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   1%|▏         | 1/74 [00:02<02:47,  2.30s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:14<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   3%|▎         | 2/74 [00:04<02:35,  2.16s/it]




2025-04-23 18:40:02.472 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   3%|▎         | 2/74 [00:04<02:35,  2.16s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:16<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   4%|▍         | 3/74 [00:05<02:10,  1.84s/it]




2025-04-23 18:40:03.933 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   4%|▍         | 3/74 [00:05<02:10,  1.84s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:17<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   5%|▌         | 4/74 [00:06<01:43,  1.47s/it]




2025-04-23 18:40:04.844 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   5%|▌         | 4/74 [00:06<01:43,  1.47s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:18<?, ?it/s]




2025-04-23 18:40:04.869 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   5%|▌         | 4/74 [00:06<01:43,  1.47s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:18<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   8%|▊         | 6/74 [00:07<01:09,  1.02s/it]




2025-04-23 18:40:06.077 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   8%|▊         | 6/74 [00:07<01:09,  1.02s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:19<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   9%|▉         | 7/74 [00:09<01:15,  1.12s/it]




2025-04-23 18:40:07.471 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   9%|▉         | 7/74 [00:09<01:15,  1.12s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:21<?, ?it/s]




2025-04-23 18:40:07.496 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   9%|▉         | 7/74 [00:09<01:15,  1.12s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:21<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  12%|█▏        | 9/74 [00:10<00:59,  1.09it/s]




2025-04-23 18:40:08.764 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  12%|█▏        | 9/74 [00:10<00:59,  1.09it/s]
Total Ensemble Batches:   0%|          | 0/2 [03:22<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:12<01:10,  1.10s/it]




2025-04-23 18:40:10.471 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:12<01:10,  1.10s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:24<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  15%|█▍        | 11/74 [00:13<01:17,  1.23s/it]




2025-04-23 18:40:12.054 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  15%|█▍        | 11/74 [00:13<01:17,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:25<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  16%|█▌        | 12/74 [00:15<01:20,  1.31s/it]




2025-04-23 18:40:13.580 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  16%|█▌        | 12/74 [00:15<01:20,  1.31s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:27<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  18%|█▊        | 13/74 [00:17<01:25,  1.41s/it]




2025-04-23 18:40:15.254 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  18%|█▊        | 13/74 [00:17<01:25,  1.41s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:29<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  19%|█▉        | 14/74 [00:18<01:31,  1.52s/it]




2025-04-23 18:40:17.059 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  19%|█▉        | 14/74 [00:18<01:31,  1.52s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:30<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:20<01:32,  1.57s/it]




2025-04-23 18:40:18.744 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:20<01:32,  1.57s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:32<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  22%|██▏       | 16/74 [00:22<01:32,  1.60s/it]




2025-04-23 18:40:20.411 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  22%|██▏       | 16/74 [00:22<01:32,  1.60s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:34<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  23%|██▎       | 17/74 [00:23<01:32,  1.62s/it]




2025-04-23 18:40:22.087 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  23%|██▎       | 17/74 [00:23<01:32,  1.62s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:35<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  24%|██▍       | 18/74 [00:25<01:30,  1.62s/it]




2025-04-23 18:40:23.703 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  24%|██▍       | 18/74 [00:25<01:30,  1.62s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:37<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  26%|██▌       | 19/74 [00:27<01:29,  1.62s/it]




2025-04-23 18:40:25.324 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  26%|██▌       | 19/74 [00:27<01:29,  1.62s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:39<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:28<01:27,  1.62s/it]




2025-04-23 18:40:26.956 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:28<01:27,  1.62s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:40<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  28%|██▊       | 21/74 [00:30<01:27,  1.66s/it]




2025-04-23 18:40:28.689 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  28%|██▊       | 21/74 [00:30<01:27,  1.66s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:42<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  30%|██▉       | 22/74 [00:32<01:25,  1.65s/it]




2025-04-23 18:40:30.309 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  30%|██▉       | 22/74 [00:32<01:25,  1.65s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:44<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  31%|███       | 23/74 [00:34<01:28,  1.74s/it]




2025-04-23 18:40:32.258 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  31%|███       | 23/74 [00:34<01:28,  1.74s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:46<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  32%|███▏      | 24/74 [00:38<01:58,  2.37s/it]




2025-04-23 18:40:36.127 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  32%|███▏      | 24/74 [00:38<01:58,  2.37s/it]
Total Ensemble Batches:   0%|          | 0/2 [03:49<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [01:29<14:01, 17.18s/it]




2025-04-23 18:41:27.898 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [01:29<14:01, 17.18s/it]
Total Ensemble Batches:   0%|          | 0/2 [04:41<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  35%|███▌      | 26/74 [01:55<15:45, 19.70s/it]




2025-04-23 18:41:53.479 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  35%|███▌      | 26/74 [01:55<15:45, 19.70s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:07<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  36%|███▋      | 27/74 [02:03<12:48, 16.36s/it]




2025-04-23 18:42:02.044 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  36%|███▋      | 27/74 [02:03<12:48, 16.36s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:15<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  38%|███▊      | 28/74 [02:06<09:27, 12.34s/it]




2025-04-23 18:42:05.018 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  38%|███▊      | 28/74 [02:06<09:27, 12.34s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:18<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  39%|███▉      | 29/74 [02:08<06:56,  9.25s/it]




2025-04-23 18:42:07.049 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  39%|███▉      | 29/74 [02:08<06:56,  9.25s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:20<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [02:10<05:05,  6.95s/it]




2025-04-23 18:42:08.633 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [02:10<05:05,  6.95s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:22<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  42%|████▏     | 31/74 [02:12<03:50,  5.37s/it]




2025-04-23 18:42:10.315 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  42%|████▏     | 31/74 [02:12<03:50,  5.37s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:24<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  43%|████▎     | 32/74 [02:13<02:58,  4.25s/it]




2025-04-23 18:42:11.938 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  43%|████▎     | 32/74 [02:13<02:58,  4.25s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:25<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  45%|████▍     | 33/74 [02:15<02:20,  3.43s/it]




2025-04-23 18:42:13.452 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  45%|████▍     | 33/74 [02:15<02:20,  3.43s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:27<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  46%|████▌     | 34/74 [02:16<01:53,  2.83s/it]




2025-04-23 18:42:14.900 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  46%|████▌     | 34/74 [02:16<01:53,  2.83s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:28<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [02:18<01:34,  2.41s/it]




2025-04-23 18:42:16.336 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [02:18<01:34,  2.41s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:30<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  49%|████▊     | 36/74 [02:19<01:22,  2.16s/it]




2025-04-23 18:42:17.918 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  49%|████▊     | 36/74 [02:19<01:22,  2.16s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:31<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  50%|█████     | 37/74 [02:21<01:15,  2.04s/it]




2025-04-23 18:42:19.665 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  50%|█████     | 37/74 [02:21<01:15,  2.04s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:33<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  51%|█████▏    | 38/74 [02:23<01:09,  1.93s/it]




2025-04-23 18:42:21.354 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  51%|█████▏    | 38/74 [02:23<01:09,  1.93s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:35<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  53%|█████▎    | 39/74 [02:24<01:04,  1.85s/it]




2025-04-23 18:42:22.996 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  53%|█████▎    | 39/74 [02:24<01:04,  1.85s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:36<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [02:26<01:01,  1.82s/it]




2025-04-23 18:42:24.744 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [02:26<01:01,  1.82s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:38<?, ?it/s]




2025-04-23 18:42:24.769 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [02:26<01:01,  1.82s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:38<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  57%|█████▋    | 42/74 [02:28<00:46,  1.45s/it]




2025-04-23 18:42:26.804 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  57%|█████▋    | 42/74 [02:28<00:46,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:40<?, ?it/s]




2025-04-23 18:42:26.829 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  57%|█████▋    | 42/74 [02:28<00:46,  1.45s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:40<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  59%|█████▉    | 44/74 [02:31<00:44,  1.50s/it]




2025-04-23 18:42:29.933 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  59%|█████▉    | 44/74 [02:31<00:44,  1.50s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:43<?, ?it/s]




2025-04-23 18:42:29.959 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  59%|█████▉    | 44/74 [02:31<00:44,  1.50s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:43<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  62%|██████▏   | 46/74 [02:35<00:45,  1.63s/it]




2025-04-23 18:42:33.647 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  62%|██████▏   | 46/74 [02:35<00:45,  1.63s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:47<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  64%|██████▎   | 47/74 [02:40<01:02,  2.33s/it]




2025-04-23 18:42:38.680 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  64%|██████▎   | 47/74 [02:40<01:02,  2.33s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:52<?, ?it/s]




2025-04-23 18:42:38.704 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  64%|██████▎   | 47/74 [02:40<01:02,  2.33s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:52<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  66%|██████▌   | 49/74 [02:46<01:02,  2.52s/it]




2025-04-23 18:42:44.368 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  66%|██████▌   | 49/74 [02:46<01:02,  2.52s/it]
Total Ensemble Batches:   0%|          | 0/2 [05:58<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [02:51<01:15,  3.16s/it]




2025-04-23 18:42:49.941 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [02:51<01:15,  3.16s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  69%|██████▉   | 51/74 [03:00<01:41,  4.42s/it]




2025-04-23 18:42:58.586 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  69%|██████▉   | 51/74 [03:00<01:41,  4.42s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:12<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  70%|███████   | 52/74 [03:12<02:16,  6.21s/it]




2025-04-23 18:43:10.235 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  70%|███████   | 52/74 [03:12<02:16,  6.21s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:24<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  72%|███████▏  | 53/74 [03:17<02:06,  6.02s/it]




2025-04-23 18:43:15.716 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  72%|███████▏  | 53/74 [03:17<02:06,  6.02s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:29<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  73%|███████▎  | 54/74 [03:20<01:42,  5.12s/it]




2025-04-23 18:43:18.446 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  73%|███████▎  | 54/74 [03:20<01:42,  5.12s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:32<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [03:22<01:20,  4.22s/it]




2025-04-23 18:43:20.324 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [03:22<01:20,  4.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:34<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  76%|███████▌  | 56/74 [03:23<01:02,  3.46s/it]




2025-04-23 18:43:21.886 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  76%|███████▌  | 56/74 [03:23<01:02,  3.46s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:35<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  77%|███████▋  | 57/74 [03:25<00:48,  2.85s/it]




2025-04-23 18:43:23.225 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  77%|███████▋  | 57/74 [03:25<00:48,  2.85s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:36<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  78%|███████▊  | 58/74 [03:26<00:37,  2.35s/it]




2025-04-23 18:43:24.366 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  78%|███████▊  | 58/74 [03:26<00:37,  2.35s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:38<?, ?it/s]




2025-04-23 18:43:24.391 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  78%|███████▊  | 58/74 [03:26<00:37,  2.35s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:38<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [03:28<00:23,  1.71s/it]




2025-04-23 18:43:26.254 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [03:28<00:23,  1.71s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:40<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  82%|████████▏ | 61/74 [03:29<00:20,  1.57s/it]




2025-04-23 18:43:27.406 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  82%|████████▏ | 61/74 [03:29<00:20,  1.57s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:41<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  84%|████████▍ | 62/74 [03:30<00:17,  1.50s/it]




2025-04-23 18:43:28.697 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  84%|████████▍ | 62/74 [03:30<00:17,  1.50s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:42<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  85%|████████▌ | 63/74 [03:31<00:15,  1.43s/it]




2025-04-23 18:43:29.924 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  85%|████████▌ | 63/74 [03:31<00:15,  1.43s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:43<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  86%|████████▋ | 64/74 [03:33<00:13,  1.37s/it]




2025-04-23 18:43:31.137 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  86%|████████▋ | 64/74 [03:33<00:13,  1.37s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:44<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [03:34<00:11,  1.32s/it]




2025-04-23 18:43:32.355 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [03:34<00:11,  1.32s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:46<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  89%|████████▉ | 66/74 [03:35<00:10,  1.29s/it]




2025-04-23 18:43:33.573 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  89%|████████▉ | 66/74 [03:35<00:10,  1.29s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:47<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  91%|█████████ | 67/74 [03:36<00:08,  1.27s/it]




2025-04-23 18:43:34.779 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  91%|█████████ | 67/74 [03:36<00:08,  1.27s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:48<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  92%|█████████▏| 68/74 [03:37<00:07,  1.25s/it]




2025-04-23 18:43:35.982 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  92%|█████████▏| 68/74 [03:37<00:07,  1.25s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:49<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  93%|█████████▎| 69/74 [03:39<00:06,  1.23s/it]




2025-04-23 18:43:37.169 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  93%|█████████▎| 69/74 [03:39<00:06,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:50<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  95%|█████████▍| 70/74 [03:40<00:04,  1.24s/it]




2025-04-23 18:43:38.424 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  95%|█████████▍| 70/74 [03:40<00:04,  1.24s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:52<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  96%|█████████▌| 71/74 [03:41<00:03,  1.23s/it]




2025-04-23 18:43:39.652 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  96%|█████████▌| 71/74 [03:41<00:03,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:53<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  97%|█████████▋| 72/74 [03:42<00:02,  1.23s/it]




2025-04-23 18:43:40.870 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  97%|█████████▋| 72/74 [03:42<00:02,  1.23s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:54<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  99%|█████████▊| 73/74 [03:43<00:01,  1.22s/it]




2025-04-23 18:43:42.083 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  99%|█████████▊| 73/74 [03:43<00:01,  1.22s/it]
Total Ensemble Batches:   0%|          | 0/2 [06:55<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00: 100%|██████████| 74/74 [03:45<00:00,  1.20s/it]
Fetching GFS for 2023-12-31 18:00:00: 100%|██████████| 74/74 [03:45<00:00,  3.04s/it]


2025-04-23 18:43:43.233 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2024-01-01 00:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:43:43.237 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.260 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.282 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.304 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.327 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.40it/s]




2025-04-23 18:43:43.350 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.372 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.394 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.417 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.440 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.53it/s]




2025-04-23 18:43:43.462 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.53it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.484 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.53it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.507 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.53it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.529 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.53it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.551 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.53it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.52it/s]




2025-04-23 18:43:43.574 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.597 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.619 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.642 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.665 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.37it/s]




2025-04-23 18:43:43.688 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.710 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.733 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.755 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.778 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.23it/s]




2025-04-23 18:43:43.801 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.823 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.845 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.868 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.890 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.37it/s]




2025-04-23 18:43:43.913 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.936 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.958 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:43.981 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.004 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.37it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.20it/s]




2025-04-23 18:43:44.027 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.20it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.050 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.20it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.072 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.20it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.095 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.20it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.118 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.20it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.21it/s]




2025-04-23 18:43:44.140 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.21it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.163 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.21it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.185 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.21it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.208 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.21it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:57<?, ?it/s]




2025-04-23 18:43:44.231 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.21it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.13it/s]




2025-04-23 18:43:44.254 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.13it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.277 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.13it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.299 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.13it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.322 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.13it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.345 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.13it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.04it/s]




2025-04-23 18:43:44.368 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.390 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.413 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.435 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.458 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.11it/s]




2025-04-23 18:43:44.481 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.11it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.504 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.11it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.526 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.11it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.549 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.11it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.572 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.11it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.12it/s]




2025-04-23 18:43:44.594 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.12it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.617 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.12it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.641 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.12it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.663 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.12it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.686 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.12it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.02it/s]




2025-04-23 18:43:44.709 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.02it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.731 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.02it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.754 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.02it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.777 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.02it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.800 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.02it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.89it/s]




2025-04-23 18:43:44.823 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.89it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.846 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.89it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.870 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.89it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]




2025-04-23 18:43:44.893 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.89it/s]
Total Ensemble Batches:   0%|          | 0/2 [06:58<?, ?it/s]
Fetching GFS for 2024-01-01 00:00:00: 100%|██████████| 74/74 [00:01<00:00, 44.09it/s]


Running batch 0 inference:   0%|          | 0/5 [00:00<?, ?it/s]

Running batch 0 inference:  40%|████      | 2/5 [00:01<00:01,  1.73it/s]

Running batch 0 inference:  60%|██████    | 3/5 [00:02<00:01,  1.25it/s]

Running batch 0 inference:  80%|████████  | 4/5 [00:03<00:00,  1.10it/s]

Running batch 0 inference: 100%|██████████| 5/5 [00:04<00:00,  1.02it/s]


Total Ensemble Batches:  50%|█████     | 1/2 [07:14<07:14, 434.48s/it]

Running batch 1 inference:   0%|          | 0/5 [00:00<?, ?it/s]

Running batch 1 inference:  40%|████      | 2/5 [00:01<00:01,  1.73it/s]

Running batch 1 inference:  60%|██████    | 3/5 [00:02<00:01,  1.25it/s]

Running batch 1 inference:  80%|████████  | 4/5 [00:03<00:00,  1.10it/s]

Running batch 1 inference: 100%|██████████| 5/5 [00:04<00:00,  1.02it/s]


Total Ensemble Batches: 100%|██████████| 2/2 [07:18<00:00, 181.54s/it]
Total Ensemble Batches: 100%|██████████| 2/2 [07:18<00:00, 219.48s/it]
2025-04-23 18:44:05.184 | SUCCESS  | earth2studio.run:ensemble:412 - Inference complete
/
 ├── ensemble (2,) int64
 ├── lat (721,) float64
 ├── lead_time (5,) timedelta64[h]
 ├── lon (1440,) float64
 ├── time (1,) datetime64[ns]
 ├── u10m (2, 1, 5, 721, 1440) float32
 └── v10m (2, 1, 5, 721, 1440) float32

Downloading config.json: 0%|          | 0.00/22.4k [00:00<?, ?B/s]
Downloading config.json: 100%|██████████| 22.4k/22.4k [00:00<00:00, 202kB/s]
Downloading config.json: 100%|██████████| 22.4k/22.4k [00:00<00:00, 200kB/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, 7.49MB/s]
Downloading orography.nc: 100%|██████████| 2.50M/2.50M [00:00<00:00, 7.38MB/s]

Downloading land_mask.nc: 0%|          | 0.00/748k [00:00<?, ?B/s]
Downloading land_mask.nc: 100%|██████████| 748k/748k [00:00<00:00, 4.00MB/s]
Downloading land_mask.nc: 100%|██████████| 748k/748k [00:00<00:00, 3.98MB/s]

Downloading global_means.npy: 0%|          | 0.00/720 [00:00<?, ?B/s]
Downloading global_means.npy: 100%|██████████| 720/720 [00:00<00:00, 4.66kB/s]
Downloading global_means.npy: 100%|██████████| 720/720 [00:00<00:00, 4.62kB/s]

Downloading global_stds.npy: 0%|          | 0.00/720 [00:00<?, ?B/s]
Downloading global_stds.npy: 100%|██████████| 720/720 [00:00<00:00, 5.13kB/s]
Downloading global_stds.npy: 100%|██████████| 720/720 [00:00<00:00, 5.08kB/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<06:27, 23.0MB/s]
Downloading best_ckpt_mp0.tar: 0%|          | 20.0M/8.31G [00:00<04:00, 37.0MB/s]
Downloading best_ckpt_mp0.tar: 0%|          | 30.0M/8.31G [00:00<03:15, 45.4MB/s]
Downloading best_ckpt_mp0.tar: 0%|          | 40.0M/8.31G [00:00<02:47, 52.9MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 50.0M/8.31G [00:01<02:26, 60.6MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 60.0M/8.31G [00:01<02:12, 66.8MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 70.0M/8.31G [00:01<02:02, 72.0MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 80.0M/8.31G [00:01<01:58, 74.8MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 90.0M/8.31G [00:01<01:54, 77.4MB/s]
Downloading best_ckpt_mp0.tar: 1%|          | 100M/8.31G [00:01<01:52, 78.7MB/s]
Downloading best_ckpt_mp0.tar: 1%|▏         | 110M/8.31G [00:01<01:50, 79.5MB/s]
Downloading best_ckpt_mp0.tar: 1%|▏         | 120M/8.31G [00:01<01:48, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 130M/8.31G [00:02<01:48, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 140M/8.31G [00:02<01:48, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 150M/8.31G [00:02<01:46, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 160M/8.31G [00:02<01:47, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 170M/8.31G [00:02<01:47, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 180M/8.31G [00:02<01:46, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 190M/8.31G [00:02<01:55, 75.5MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 200M/8.31G [00:03<01:52, 77.1MB/s]
Downloading best_ckpt_mp0.tar: 2%|▏         | 210M/8.31G [00:03<01:50, 78.6MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 220M/8.31G [00:03<01:49, 79.6MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 230M/8.31G [00:03<01:48, 80.3MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 240M/8.31G [00:03<01:47, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 250M/8.31G [00:03<01:47, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 260M/8.31G [00:03<01:46, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 270M/8.31G [00:03<01:46, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 280M/8.31G [00:04<01:45, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 3%|▎         | 290M/8.31G [00:04<01:45, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 4%|▎         | 300M/8.31G [00:04<01:45, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 4%|▎         | 310M/8.31G [00:04<01:45, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 320M/8.31G [00:04<01:45, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 330M/8.31G [00:04<01:44, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 340M/8.31G [00:04<01:45, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 350M/8.31G [00:04<01:44, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 360M/8.31G [00:05<01:44, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 370M/8.31G [00:05<01:44, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 4%|▍         | 380M/8.31G [00:05<01:43, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 5%|▍         | 390M/8.31G [00:05<01:44, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 5%|▍         | 400M/8.31G [00:05<01:44, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 5%|▍         | 410M/8.31G [00:05<01:43, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 5%|▍         | 420M/8.31G [00:05<01:43, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 5%|▌         | 430M/8.31G [00:05<01:45, 80.5MB/s]
Downloading best_ckpt_mp0.tar: 5%|▌         | 440M/8.31G [00:06<01:42, 82.6MB/s]
Downloading best_ckpt_mp0.tar: 5%|▌         | 450M/8.31G [00:06<01:42, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 5%|▌         | 460M/8.31G [00:06<01:42, 82.6MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 470M/8.31G [00:06<01:42, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 480M/8.31G [00:06<01:42, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 490M/8.31G [00:06<01:43, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 500M/8.31G [00:06<01:42, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 510M/8.31G [00:06<01:43, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 520M/8.31G [00:07<01:45, 79.4MB/s]
Downloading best_ckpt_mp0.tar: 6%|▌         | 530M/8.31G [00:07<01:44, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 6%|▋         | 540M/8.31G [00:07<01:43, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 6%|▋         | 550M/8.31G [00:07<01:42, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 560M/8.31G [00:07<01:43, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 570M/8.31G [00:07<01:43, 80.3MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 580M/8.31G [00:07<01:43, 80.3MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 590M/8.31G [00:08<01:42, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 600M/8.31G [00:08<01:42, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 610M/8.31G [00:08<01:42, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 620M/8.31G [00:08<01:42, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 7%|▋         | 630M/8.31G [00:08<01:41, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 640M/8.31G [00:08<01:41, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 650M/8.31G [00:08<01:41, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 660M/8.31G [00:08<01:40, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 670M/8.31G [00:09<01:40, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 680M/8.31G [00:09<01:40, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 690M/8.31G [00:09<01:40, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 700M/8.31G [00:09<01:40, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 710M/8.31G [00:09<01:39, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 8%|▊         | 720M/8.31G [00:09<01:42, 79.6MB/s]
Downloading best_ckpt_mp0.tar: 9%|▊         | 730M/8.31G [00:09<01:38, 82.5MB/s]
Downloading best_ckpt_mp0.tar: 9%|▊         | 740M/8.31G [00:09<01:39, 82.3MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉         | 750M/8.31G [00:10<01:39, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉         | 760M/8.31G [00:10<01:39, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉         | 770M/8.31G [00:10<01:39, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉         | 780M/8.31G [00:10<01:39, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉         | 790M/8.31G [00:10<01:39, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 9%|▉         | 800M/8.31G [00:10<01:39, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉         | 810M/8.31G [00:10<01:38, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉         | 820M/8.31G [00:10<01:38, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉         | 830M/8.31G [00:11<01:38, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉         | 840M/8.31G [00:11<01:39, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 10%|▉         | 850M/8.31G [00:11<01:38, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 10%|█         | 860M/8.31G [00:11<01:39, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 10%|█         | 870M/8.31G [00:11<01:37, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 10%|█         | 880M/8.31G [00:11<01:38, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 10%|█         | 890M/8.31G [00:11<01:38, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 11%|█         | 900M/8.31G [00:12<01:40, 79.4MB/s]
Downloading best_ckpt_mp0.tar: 11%|█         | 910M/8.31G [00:12<01:39, 80.1MB/s]
Downloading best_ckpt_mp0.tar: 11%|█         | 920M/8.31G [00:12<01:39, 80.0MB/s]
Downloading best_ckpt_mp0.tar: 11%|█         | 930M/8.31G [00:12<01:39, 79.8MB/s]
Downloading best_ckpt_mp0.tar: 11%|█         | 940M/8.31G [00:12<01:39, 79.8MB/s]
Downloading best_ckpt_mp0.tar: 11%|█         | 950M/8.31G [00:12<01:38, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 11%|█▏        | 960M/8.31G [00:12<01:37, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 11%|█▏        | 970M/8.31G [00:12<01:37, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 980M/8.31G [00:13<01:37, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 990M/8.31G [00:13<01:36, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 0.98G/8.31G [00:13<01:36, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 0.99G/8.31G [00:13<01:36, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 1.00G/8.31G [00:13<01:36, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 1.01G/8.31G [00:13<01:35, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 1.02G/8.31G [00:13<01:38, 79.6MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 1.03G/8.31G [00:13<01:34, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 12%|█▏        | 1.04G/8.31G [00:14<01:35, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.04G/8.31G [00:14<01:34, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.05G/8.31G [00:14<01:34, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.06G/8.31G [00:14<01:35, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.07G/8.31G [00:14<01:35, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.08G/8.31G [00:14<01:35, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.09G/8.31G [00:14<01:35, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.10G/8.31G [00:14<01:35, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 13%|█▎        | 1.11G/8.31G [00:15<01:35, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▎        | 1.12G/8.31G [00:15<01:34, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▎        | 1.13G/8.31G [00:15<01:35, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.14G/8.31G [00:15<01:34, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.15G/8.31G [00:15<01:34, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.16G/8.31G [00:15<01:34, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.17G/8.31G [00:15<01:33, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.18G/8.31G [00:16<01:33, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.19G/8.31G [00:16<01:33, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 14%|█▍        | 1.20G/8.31G [00:16<01:33, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▍        | 1.21G/8.31G [00:16<01:34, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▍        | 1.22G/8.31G [00:16<01:34, 80.5MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▍        | 1.23G/8.31G [00:16<01:35, 79.6MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▍        | 1.24G/8.31G [00:16<01:35, 79.8MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▌        | 1.25G/8.31G [00:16<01:33, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▌        | 1.26G/8.31G [00:17<01:33, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▌        | 1.27G/8.31G [00:17<01:33, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 15%|█▌        | 1.28G/8.31G [00:17<01:32, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.29G/8.31G [00:17<01:32, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.30G/8.31G [00:17<01:32, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.31G/8.31G [00:17<01:32, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.32G/8.31G [00:17<01:33, 80.3MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.33G/8.31G [00:17<01:32, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.34G/8.31G [00:18<01:32, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▌        | 1.35G/8.31G [00:18<01:31, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▋        | 1.36G/8.31G [00:18<01:31, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 16%|█▋        | 1.37G/8.31G [00:18<01:31, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.38G/8.31G [00:18<01:31, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.39G/8.31G [00:18<01:31, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.40G/8.31G [00:18<01:30, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.41G/8.31G [00:18<01:30, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.42G/8.31G [00:19<01:30, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.43G/8.31G [00:19<01:30, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.44G/8.31G [00:19<01:30, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 17%|█▋        | 1.45G/8.31G [00:19<01:30, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.46G/8.31G [00:19<02:11, 55.8MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.48G/8.31G [00:20<01:21, 89.5MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.49G/8.31G [00:20<01:23, 87.8MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.50G/8.31G [00:20<01:24, 86.3MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.51G/8.31G [00:20<01:26, 84.1MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.52G/8.31G [00:20<01:27, 83.1MB/s]
Downloading best_ckpt_mp0.tar: 18%|█▊        | 1.53G/8.31G [00:20<01:27, 82.8MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▊        | 1.54G/8.31G [00:20<01:28, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▊        | 1.55G/8.31G [00:20<01:28, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.56G/8.31G [00:21<01:28, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.57G/8.31G [00:21<01:28, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.58G/8.31G [00:21<01:28, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.59G/8.31G [00:21<01:28, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.60G/8.31G [00:21<01:28, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 19%|█▉        | 1.61G/8.31G [00:21<01:27, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 20%|█▉        | 1.62G/8.31G [00:21<01:27, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 20%|█▉        | 1.63G/8.31G [00:21<01:27, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 20%|█▉        | 1.64G/8.31G [00:22<01:28, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 20%|█▉        | 1.65G/8.31G [00:22<01:31, 77.9MB/s]
Downloading best_ckpt_mp0.tar: 20%|█▉        | 1.66G/8.31G [00:22<01:26, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 20%|██        | 1.67G/8.31G [00:22<01:26, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 20%|██        | 1.68G/8.31G [00:22<01:26, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 20%|██        | 1.69G/8.31G [00:22<01:26, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 20%|██        | 1.70G/8.31G [00:22<01:26, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 21%|██        | 1.71G/8.31G [00:22<01:26, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 21%|██        | 1.72G/8.31G [00:23<01:26, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 21%|██        | 1.73G/8.31G [00:23<01:26, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 21%|██        | 1.74G/8.31G [00:23<01:26, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 21%|██        | 1.75G/8.31G [00:23<01:26, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 21%|██        | 1.76G/8.31G [00:23<01:26, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 21%|██▏       | 1.77G/8.31G [00:23<01:25, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 21%|██▏       | 1.78G/8.31G [00:23<01:25, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.79G/8.31G [00:24<01:25, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.80G/8.31G [00:24<01:25, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.81G/8.31G [00:24<01:26, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.82G/8.31G [00:24<01:26, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.83G/8.31G [00:24<01:25, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.84G/8.31G [00:24<01:25, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.85G/8.31G [00:24<01:27, 79.2MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.86G/8.31G [00:24<01:24, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 22%|██▏       | 1.87G/8.31G [00:25<01:24, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.88G/8.31G [00:25<01:24, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.88G/8.31G [00:25<01:25, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.89G/8.31G [00:25<01:24, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.90G/8.31G [00:25<01:24, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.91G/8.31G [00:25<01:24, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.92G/8.31G [00:25<01:24, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.93G/8.31G [00:25<01:23, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 23%|██▎       | 1.94G/8.31G [00:26<01:24, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▎       | 1.95G/8.31G [00:26<01:24, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▎       | 1.96G/8.31G [00:26<01:24, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▎       | 1.97G/8.31G [00:26<01:23, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍       | 1.98G/8.31G [00:26<01:23, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍       | 1.99G/8.31G [00:26<01:22, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍       | 2.00G/8.31G [00:26<01:22, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍       | 2.01G/8.31G [00:26<01:22, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍       | 2.02G/8.31G [00:27<01:22, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 24%|██▍       | 2.03G/8.31G [00:27<01:22, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▍       | 2.04G/8.31G [00:27<01:22, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▍       | 2.05G/8.31G [00:27<01:23, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▍       | 2.06G/8.31G [00:27<01:23, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▍       | 2.07G/8.31G [00:27<01:23, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▌       | 2.08G/8.31G [00:27<01:22, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▌       | 2.09G/8.31G [00:28<01:21, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▌       | 2.10G/8.31G [00:28<01:21, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 25%|██▌       | 2.11G/8.31G [00:28<01:21, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.12G/8.31G [00:28<01:21, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.13G/8.31G [00:28<01:21, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.14G/8.31G [00:28<01:21, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.15G/8.31G [00:28<01:21, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.16G/8.31G [00:28<01:20, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.17G/8.31G [00:29<01:20, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▌       | 2.18G/8.31G [00:29<01:20, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▋       | 2.19G/8.31G [00:29<01:20, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 26%|██▋       | 2.20G/8.31G [00:29<01:21, 80.0MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.21G/8.31G [00:29<01:19, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.22G/8.31G [00:29<01:20, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.23G/8.31G [00:29<01:19, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.24G/8.31G [00:29<01:20, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.25G/8.31G [00:30<01:20, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.26G/8.31G [00:30<01:19, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.27G/8.31G [00:30<01:19, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 27%|██▋       | 2.28G/8.31G [00:30<01:20, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.29G/8.31G [00:30<01:19, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.29G/8.31G [00:30<01:19, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.30G/8.31G [00:30<01:19, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.31G/8.31G [00:30<01:19, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.32G/8.31G [00:31<01:19, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.33G/8.31G [00:31<01:18, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.34G/8.31G [00:31<01:18, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.35G/8.31G [00:31<01:18, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 28%|██▊       | 2.36G/8.31G [00:31<01:18, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▊       | 2.37G/8.31G [00:31<01:18, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▊       | 2.38G/8.31G [00:31<01:18, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.39G/8.31G [00:32<01:18, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.40G/8.31G [00:32<01:18, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.41G/8.31G [00:32<01:18, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.42G/8.31G [00:32<01:18, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.43G/8.31G [00:32<01:17, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.44G/8.31G [00:32<01:17, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 29%|██▉       | 2.45G/8.31G [00:32<01:17, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 30%|██▉       | 2.46G/8.31G [00:32<01:17, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 30%|██▉       | 2.47G/8.31G [00:33<01:16, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 30%|██▉       | 2.48G/8.31G [00:33<01:16, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 30%|██▉       | 2.49G/8.31G [00:33<01:16, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 30%|███       | 2.50G/8.31G [00:33<01:16, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 30%|███       | 2.51G/8.31G [00:33<01:16, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 30%|███       | 2.52G/8.31G [00:33<01:15, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 30%|███       | 2.53G/8.31G [00:33<01:16, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.54G/8.31G [00:33<01:15, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.55G/8.31G [00:34<01:15, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.56G/8.31G [00:34<01:15, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.57G/8.31G [00:34<01:15, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.58G/8.31G [00:34<01:15, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 31%|███       | 2.59G/8.31G [00:34<01:15, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 31%|███▏      | 2.60G/8.31G [00:34<01:15, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 31%|███▏      | 2.61G/8.31G [00:34<01:14, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 31%|███▏      | 2.62G/8.31G [00:34<01:14, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.63G/8.31G [00:35<01:15, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.64G/8.31G [00:35<01:15, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.65G/8.31G [00:35<01:18, 77.7MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.66G/8.31G [00:35<01:16, 79.2MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.67G/8.31G [00:35<01:39, 61.1MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.69G/8.31G [00:35<01:09, 87.4MB/s]
Downloading best_ckpt_mp0.tar: 32%|███▏      | 2.70G/8.31G [00:36<01:12, 83.1MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.71G/8.31G [00:36<01:09, 86.1MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.71G/8.31G [00:36<01:10, 84.7MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.72G/8.31G [00:36<01:11, 84.2MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.73G/8.31G [00:36<01:11, 83.6MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.74G/8.31G [00:36<01:11, 83.2MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.75G/8.31G [00:36<01:12, 82.6MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.76G/8.31G [00:36<01:12, 82.3MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.77G/8.31G [00:37<01:12, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 33%|███▎      | 2.78G/8.31G [00:37<01:21, 72.9MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▎      | 2.80G/8.31G [00:37<01:10, 83.5MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.81G/8.31G [00:37<01:11, 83.1MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.82G/8.31G [00:37<01:11, 83.0MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.83G/8.31G [00:37<01:11, 82.8MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.84G/8.31G [00:37<01:11, 82.5MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.85G/8.31G [00:38<01:35, 61.6MB/s]
Downloading best_ckpt_mp0.tar: 34%|███▍      | 2.86G/8.31G [00:38<01:29, 65.3MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▍      | 2.88G/8.31G [00:38<01:05, 89.0MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▍      | 2.90G/8.31G [00:38<01:03, 91.5MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▌      | 2.91G/8.31G [00:38<01:05, 89.0MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▌      | 2.92G/8.31G [00:38<01:06, 86.6MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▌      | 2.93G/8.31G [00:39<01:08, 84.8MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▌      | 2.94G/8.31G [00:39<01:08, 83.9MB/s]
Downloading best_ckpt_mp0.tar: 35%|███▌      | 2.95G/8.31G [00:39<01:09, 83.4MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌      | 2.96G/8.31G [00:39<01:09, 82.8MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌      | 2.97G/8.31G [00:39<01:09, 82.6MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌      | 2.98G/8.31G [00:39<01:11, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌      | 2.99G/8.31G [00:39<01:11, 80.1MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌      | 3.00G/8.31G [00:40<01:10, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▌      | 3.01G/8.31G [00:40<01:10, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▋      | 3.02G/8.31G [00:40<01:09, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 36%|███▋      | 3.03G/8.31G [00:40<01:09, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.04G/8.31G [00:40<01:09, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.05G/8.31G [00:40<01:09, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.06G/8.31G [00:40<01:08, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.07G/8.31G [00:40<01:08, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.08G/8.31G [00:41<01:09, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.09G/8.31G [00:41<01:08, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.10G/8.31G [00:41<01:08, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.11G/8.31G [00:41<01:08, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 37%|███▋      | 3.12G/8.31G [00:41<01:08, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.12G/8.31G [00:41<01:08, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.13G/8.31G [00:41<01:08, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.14G/8.31G [00:41<01:08, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.15G/8.31G [00:42<01:07, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.16G/8.31G [00:42<01:07, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.17G/8.31G [00:42<01:07, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.18G/8.31G [00:42<01:07, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 38%|███▊      | 3.19G/8.31G [00:42<01:06, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▊      | 3.20G/8.31G [00:42<01:07, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▊      | 3.21G/8.31G [00:42<01:07, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.22G/8.31G [00:42<01:07, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.23G/8.31G [00:43<01:07, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.24G/8.31G [00:43<01:06, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.25G/8.31G [00:43<01:07, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.26G/8.31G [00:43<01:06, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.27G/8.31G [00:43<01:06, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 39%|███▉      | 3.28G/8.31G [00:43<01:06, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 40%|███▉      | 3.29G/8.31G [00:43<01:06, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 40%|███▉      | 3.30G/8.31G [00:44<01:06, 80.3MB/s]
Downloading best_ckpt_mp0.tar: 40%|███▉      | 3.31G/8.31G [00:44<01:06, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 40%|███▉      | 3.32G/8.31G [00:44<01:06, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 40%|████      | 3.33G/8.31G [00:44<01:06, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 40%|████      | 3.34G/8.31G [00:44<01:05, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 40%|████      | 3.35G/8.31G [00:44<01:05, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 40%|████      | 3.36G/8.31G [00:44<01:05, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.37G/8.31G [00:44<01:05, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.38G/8.31G [00:45<01:05, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.39G/8.31G [00:45<01:04, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.40G/8.31G [00:45<01:04, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.41G/8.31G [00:45<01:04, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 41%|████      | 3.42G/8.31G [00:45<01:04, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 41%|████▏     | 3.43G/8.31G [00:45<01:04, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 41%|████▏     | 3.44G/8.31G [00:45<01:04, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 41%|████▏     | 3.45G/8.31G [00:45<01:04, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.46G/8.31G [00:46<01:03, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.47G/8.31G [00:46<01:03, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.48G/8.31G [00:46<01:03, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.49G/8.31G [00:46<01:03, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.50G/8.31G [00:46<01:03, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.51G/8.31G [00:46<01:03, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.52G/8.31G [00:46<01:03, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 42%|████▏     | 3.53G/8.31G [00:46<01:02, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.54G/8.31G [00:47<01:02, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.54G/8.31G [00:47<01:02, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.55G/8.31G [00:47<01:02, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.56G/8.31G [00:47<01:02, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.57G/8.31G [00:47<01:02, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.58G/8.31G [00:47<01:02, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.59G/8.31G [00:47<01:01, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.60G/8.31G [00:47<01:01, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 43%|████▎     | 3.61G/8.31G [00:48<01:25, 58.8MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.64G/8.31G [00:48<00:57, 87.5MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.65G/8.31G [00:48<00:58, 85.1MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.66G/8.31G [00:48<00:59, 84.0MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.67G/8.31G [00:48<00:59, 83.5MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.68G/8.31G [00:49<00:59, 83.1MB/s]
Downloading best_ckpt_mp0.tar: 44%|████▍     | 3.69G/8.31G [00:49<00:59, 82.9MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▍     | 3.70G/8.31G [00:49<01:00, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▍     | 3.71G/8.31G [00:49<00:59, 82.6MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▍     | 3.72G/8.31G [00:49<01:00, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▍     | 3.73G/8.31G [00:49<01:00, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.74G/8.31G [00:49<01:00, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.75G/8.31G [00:49<00:59, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.76G/8.31G [00:50<00:59, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.77G/8.31G [00:50<00:59, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 45%|████▌     | 3.78G/8.31G [00:50<00:59, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.79G/8.31G [00:50<00:59, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.80G/8.31G [00:50<00:59, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.81G/8.31G [00:50<00:58, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.82G/8.31G [00:50<00:58, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.83G/8.31G [00:50<00:58, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▌     | 3.84G/8.31G [00:51<00:58, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▋     | 3.85G/8.31G [00:51<00:58, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 46%|████▋     | 3.86G/8.31G [00:51<00:58, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.87G/8.31G [00:51<00:58, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.88G/8.31G [00:51<00:58, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.89G/8.31G [00:51<00:58, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.90G/8.31G [00:51<00:58, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.91G/8.31G [00:51<00:57, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.92G/8.31G [00:52<00:57, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.93G/8.31G [00:52<00:57, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.94G/8.31G [00:52<00:57, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 47%|████▋     | 3.95G/8.31G [00:52<00:57, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 3.96G/8.31G [00:52<00:57, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 3.96G/8.31G [00:52<00:57, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 3.97G/8.31G [00:52<00:58, 79.9MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 3.98G/8.31G [00:53<00:57, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 3.99G/8.31G [00:53<00:57, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 4.00G/8.31G [00:53<00:57, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 4.01G/8.31G [00:53<00:56, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 48%|████▊     | 4.02G/8.31G [00:53<00:56, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▊     | 4.03G/8.31G [00:53<00:56, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▊     | 4.04G/8.31G [00:53<00:56, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.05G/8.31G [00:53<00:56, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.06G/8.31G [00:54<00:56, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.07G/8.31G [00:54<00:55, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.08G/8.31G [00:54<00:55, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.09G/8.31G [00:54<00:55, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.10G/8.31G [00:54<00:55, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 49%|████▉     | 4.11G/8.31G [00:54<00:54, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 50%|████▉     | 4.12G/8.31G [00:54<00:54, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 50%|████▉     | 4.13G/8.31G [00:54<00:54, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 50%|████▉     | 4.14G/8.31G [00:55<00:54, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 50%|████▉     | 4.15G/8.31G [00:55<00:54, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 50%|█████     | 4.16G/8.31G [00:55<00:54, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 50%|█████     | 4.17G/8.31G [00:55<00:54, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 50%|█████     | 4.18G/8.31G [00:55<00:54, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 50%|█████     | 4.19G/8.31G [00:55<00:54, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.20G/8.31G [00:55<00:54, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.21G/8.31G [00:55<00:54, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.22G/8.31G [00:56<00:53, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.23G/8.31G [00:56<00:53, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.24G/8.31G [00:56<00:53, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.25G/8.31G [00:56<00:53, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████     | 4.26G/8.31G [00:56<00:53, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████▏    | 4.27G/8.31G [00:56<00:52, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 51%|█████▏    | 4.28G/8.31G [00:56<00:52, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.29G/8.31G [00:57<00:53, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.30G/8.31G [00:57<00:52, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.31G/8.31G [00:57<00:53, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.32G/8.31G [00:57<00:53, 79.7MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.33G/8.31G [00:57<00:53, 80.3MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.34G/8.31G [00:57<00:53, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.35G/8.31G [00:57<00:52, 80.5MB/s]
Downloading best_ckpt_mp0.tar: 52%|█████▏    | 4.36G/8.31G [00:57<00:52, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.37G/8.31G [00:58<00:52, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.38G/8.31G [00:58<00:52, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.38G/8.31G [00:58<00:51, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.39G/8.31G [00:58<00:51, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.40G/8.31G [00:58<00:51, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.41G/8.31G [00:58<00:50, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.42G/8.31G [00:58<00:50, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.43G/8.31G [00:58<00:50, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 53%|█████▎    | 4.44G/8.31G [00:59<00:50, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▎    | 4.45G/8.31G [00:59<00:50, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▎    | 4.46G/8.31G [00:59<00:50, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍    | 4.47G/8.31G [00:59<00:50, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍    | 4.48G/8.31G [00:59<00:50, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍    | 4.49G/8.31G [00:59<00:50, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍    | 4.50G/8.31G [00:59<00:50, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍    | 4.51G/8.31G [00:59<00:50, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 54%|█████▍    | 4.52G/8.31G [01:00<00:50, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▍    | 4.53G/8.31G [01:00<00:49, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▍    | 4.54G/8.31G [01:00<00:49, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▍    | 4.55G/8.31G [01:00<00:49, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▍    | 4.56G/8.31G [01:00<01:12, 55.7MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▌    | 4.59G/8.31G [01:01<00:44, 89.8MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▌    | 4.60G/8.31G [01:01<00:45, 87.6MB/s]
Downloading best_ckpt_mp0.tar: 55%|█████▌    | 4.61G/8.31G [01:01<00:46, 85.7MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.62G/8.31G [01:01<00:46, 84.4MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.63G/8.31G [01:01<00:47, 83.6MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.64G/8.31G [01:01<00:47, 83.1MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.65G/8.31G [01:01<00:48, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.66G/8.31G [01:01<00:47, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▌    | 4.67G/8.31G [01:02<00:48, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▋    | 4.68G/8.31G [01:02<00:48, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 56%|█████▋    | 4.69G/8.31G [01:02<00:47, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.70G/8.31G [01:02<00:47, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.71G/8.31G [01:02<00:47, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.72G/8.31G [01:02<00:47, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.73G/8.31G [01:02<00:46, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.74G/8.31G [01:02<00:46, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.75G/8.31G [01:03<00:46, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.76G/8.31G [01:03<00:46, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.77G/8.31G [01:03<00:47, 79.9MB/s]
Downloading best_ckpt_mp0.tar: 57%|█████▋    | 4.78G/8.31G [01:03<00:46, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.79G/8.31G [01:03<00:46, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.79G/8.31G [01:03<00:46, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.80G/8.31G [01:03<00:46, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.81G/8.31G [01:03<00:45, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.82G/8.31G [01:04<00:45, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.83G/8.31G [01:04<00:45, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.84G/8.31G [01:04<00:45, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 58%|█████▊    | 4.85G/8.31G [01:04<00:45, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▊    | 4.86G/8.31G [01:04<00:45, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▊    | 4.87G/8.31G [01:04<00:45, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.88G/8.31G [01:04<00:44, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.89G/8.31G [01:05<00:44, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.90G/8.31G [01:05<00:44, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.91G/8.31G [01:05<00:44, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.92G/8.31G [01:05<00:44, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.93G/8.31G [01:05<00:44, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 59%|█████▉    | 4.94G/8.31G [01:05<00:44, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 60%|█████▉    | 4.95G/8.31G [01:05<00:44, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 60%|█████▉    | 4.96G/8.31G [01:05<00:44, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 60%|█████▉    | 4.97G/8.31G [01:06<00:44, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 60%|█████▉    | 4.98G/8.31G [01:06<00:43, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 60%|██████    | 4.99G/8.31G [01:06<00:43, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 60%|██████    | 5.00G/8.31G [01:06<00:44, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 60%|██████    | 5.01G/8.31G [01:06<00:43, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 60%|██████    | 5.02G/8.31G [01:06<00:43, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.03G/8.31G [01:06<00:43, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.04G/8.31G [01:06<00:43, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.05G/8.31G [01:07<00:43, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.06G/8.31G [01:07<00:42, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.07G/8.31G [01:07<00:42, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.08G/8.31G [01:07<00:42, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████    | 5.09G/8.31G [01:07<00:42, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████▏   | 5.10G/8.31G [01:07<00:42, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 61%|██████▏   | 5.11G/8.31G [01:07<00:41, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.12G/8.31G [01:07<00:41, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.13G/8.31G [01:08<00:41, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.14G/8.31G [01:08<00:41, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.15G/8.31G [01:08<00:41, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.16G/8.31G [01:08<00:41, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.17G/8.31G [01:08<00:41, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.18G/8.31G [01:08<00:41, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 62%|██████▏   | 5.19G/8.31G [01:08<00:41, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.20G/8.31G [01:09<00:40, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.21G/8.31G [01:09<00:40, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.21G/8.31G [01:09<00:40, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.22G/8.31G [01:09<00:40, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.23G/8.31G [01:09<00:40, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.24G/8.31G [01:09<00:40, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.25G/8.31G [01:09<00:40, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.26G/8.31G [01:09<00:40, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 63%|██████▎   | 5.27G/8.31G [01:10<00:40, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▎   | 5.28G/8.31G [01:10<00:40, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▎   | 5.29G/8.31G [01:10<00:40, 80.5MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.30G/8.31G [01:10<00:40, 79.7MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.31G/8.31G [01:10<00:39, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.32G/8.31G [01:10<00:39, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.33G/8.31G [01:10<00:39, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.34G/8.31G [01:10<00:39, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 64%|██████▍   | 5.35G/8.31G [01:11<00:38, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▍   | 5.36G/8.31G [01:11<00:38, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▍   | 5.37G/8.31G [01:11<00:38, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▍   | 5.38G/8.31G [01:11<00:38, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▍   | 5.39G/8.31G [01:11<00:38, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▍   | 5.40G/8.31G [01:11<00:38, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▌   | 5.41G/8.31G [01:11<00:38, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▌   | 5.42G/8.31G [01:11<00:37, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▌   | 5.43G/8.31G [01:12<00:37, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 65%|██████▌   | 5.44G/8.31G [01:12<00:37, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.45G/8.31G [01:12<00:37, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.46G/8.31G [01:12<00:37, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.47G/8.31G [01:12<00:37, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.48G/8.31G [01:12<00:37, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.49G/8.31G [01:12<00:37, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▌   | 5.50G/8.31G [01:13<00:37, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▋   | 5.51G/8.31G [01:13<00:37, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 66%|██████▋   | 5.52G/8.31G [01:13<00:37, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.53G/8.31G [01:13<00:36, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.54G/8.31G [01:13<00:36, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.55G/8.31G [01:13<00:36, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.56G/8.31G [01:13<00:36, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.57G/8.31G [01:13<00:36, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.58G/8.31G [01:14<00:36, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.59G/8.31G [01:14<00:35, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.60G/8.31G [01:14<00:35, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 67%|██████▋   | 5.61G/8.31G [01:14<00:35, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.62G/8.31G [01:14<00:35, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.62G/8.31G [01:14<00:35, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.63G/8.31G [01:14<00:35, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.64G/8.31G [01:14<00:35, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.65G/8.31G [01:15<00:35, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.66G/8.31G [01:15<00:34, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.67G/8.31G [01:15<00:34, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 68%|██████▊   | 5.68G/8.31G [01:15<00:34, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▊   | 5.69G/8.31G [01:15<00:34, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▊   | 5.70G/8.31G [01:15<00:34, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.71G/8.31G [01:15<00:34, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.72G/8.31G [01:15<00:33, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.73G/8.31G [01:16<00:33, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.74G/8.31G [01:16<00:33, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.75G/8.31G [01:16<00:33, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.76G/8.31G [01:16<00:33, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 69%|██████▉   | 5.77G/8.31G [01:16<00:33, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 70%|██████▉   | 5.78G/8.31G [01:16<00:33, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 70%|██████▉   | 5.79G/8.31G [01:16<00:32, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 70%|██████▉   | 5.80G/8.31G [01:16<00:33, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 70%|██████▉   | 5.81G/8.31G [01:17<00:33, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 70%|███████   | 5.82G/8.31G [01:17<00:33, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 70%|███████   | 5.83G/8.31G [01:17<00:32, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 70%|███████   | 5.84G/8.31G [01:17<00:32, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 70%|███████   | 5.85G/8.31G [01:17<00:32, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.86G/8.31G [01:17<00:32, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.87G/8.31G [01:17<00:32, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.88G/8.31G [01:18<00:32, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.89G/8.31G [01:18<00:32, 80.0MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.90G/8.31G [01:18<00:32, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.91G/8.31G [01:18<00:31, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████   | 5.92G/8.31G [01:18<00:31, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████▏  | 5.93G/8.31G [01:18<00:31, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 71%|███████▏  | 5.94G/8.31G [01:18<00:31, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 5.95G/8.31G [01:18<00:31, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 5.96G/8.31G [01:19<00:30, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 5.97G/8.31G [01:19<00:30, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 5.98G/8.31G [01:19<00:30, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 5.99G/8.31G [01:19<00:30, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 6.00G/8.31G [01:19<00:30, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 6.01G/8.31G [01:19<00:30, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 72%|███████▏  | 6.02G/8.31G [01:19<00:30, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.03G/8.31G [01:19<00:29, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.04G/8.31G [01:20<00:30, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.04G/8.31G [01:20<00:29, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.05G/8.31G [01:20<00:29, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.06G/8.31G [01:20<00:29, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.07G/8.31G [01:20<00:29, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.08G/8.31G [01:20<00:29, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.09G/8.31G [01:20<00:29, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 73%|███████▎  | 6.10G/8.31G [01:20<00:28, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▎  | 6.11G/8.31G [01:21<00:28, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▎  | 6.12G/8.31G [01:21<00:28, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.13G/8.31G [01:21<00:28, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.14G/8.31G [01:21<00:28, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.15G/8.31G [01:21<00:28, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.16G/8.31G [01:21<00:28, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.17G/8.31G [01:21<00:28, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 74%|███████▍  | 6.18G/8.31G [01:22<00:28, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▍  | 6.19G/8.31G [01:22<00:28, 80.5MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▍  | 6.20G/8.31G [01:22<00:28, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▍  | 6.21G/8.31G [01:22<00:27, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▍  | 6.22G/8.31G [01:22<00:39, 56.6MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▌  | 6.25G/8.31G [01:22<00:24, 88.7MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▌  | 6.26G/8.31G [01:23<00:25, 86.9MB/s]
Downloading best_ckpt_mp0.tar: 75%|███████▌  | 6.27G/8.31G [01:23<00:25, 85.5MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.28G/8.31G [01:23<00:25, 84.2MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.29G/8.31G [01:23<00:25, 83.8MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.30G/8.31G [01:23<00:25, 83.2MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.31G/8.31G [01:23<00:25, 83.0MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.32G/8.31G [01:23<00:25, 82.5MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▌  | 6.33G/8.31G [01:23<00:25, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▋  | 6.34G/8.31G [01:24<00:25, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 76%|███████▋  | 6.35G/8.31G [01:24<00:25, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.36G/8.31G [01:24<00:26, 80.5MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.37G/8.31G [01:24<00:25, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.38G/8.31G [01:24<00:25, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.39G/8.31G [01:24<00:25, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.40G/8.31G [01:24<00:25, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.41G/8.31G [01:24<00:24, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.42G/8.31G [01:25<00:24, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.43G/8.31G [01:25<00:25, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 77%|███████▋  | 6.44G/8.31G [01:25<00:24, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.45G/8.31G [01:25<00:24, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.46G/8.31G [01:25<00:24, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.46G/8.31G [01:25<00:24, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.47G/8.31G [01:25<00:24, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.48G/8.31G [01:26<00:24, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.49G/8.31G [01:26<00:23, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.50G/8.31G [01:26<00:24, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 78%|███████▊  | 6.51G/8.31G [01:26<00:23, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▊  | 6.52G/8.31G [01:26<00:23, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▊  | 6.53G/8.31G [01:26<00:23, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▊  | 6.54G/8.31G [01:26<00:23, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.55G/8.31G [01:26<00:23, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.56G/8.31G [01:27<00:23, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.57G/8.31G [01:27<00:22, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.58G/8.31G [01:27<00:23, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.59G/8.31G [01:27<00:22, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 79%|███████▉  | 6.60G/8.31G [01:27<00:22, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 80%|███████▉  | 6.61G/8.31G [01:27<00:22, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 80%|███████▉  | 6.62G/8.31G [01:27<00:22, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 80%|███████▉  | 6.63G/8.31G [01:27<00:22, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 80%|███████▉  | 6.64G/8.31G [01:28<00:21, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 80%|████████  | 6.65G/8.31G [01:28<00:21, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 80%|████████  | 6.66G/8.31G [01:28<00:21, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 80%|████████  | 6.67G/8.31G [01:28<00:21, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 80%|████████  | 6.68G/8.31G [01:28<00:21, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.69G/8.31G [01:28<00:21, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.70G/8.31G [01:28<00:21, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.71G/8.31G [01:28<00:21, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.72G/8.31G [01:29<00:20, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.73G/8.31G [01:29<00:20, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.74G/8.31G [01:29<00:20, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████  | 6.75G/8.31G [01:29<00:20, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████▏ | 6.76G/8.31G [01:29<00:20, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 81%|████████▏ | 6.77G/8.31G [01:29<00:20, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.78G/8.31G [01:29<00:20, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.79G/8.31G [01:30<00:20, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.80G/8.31G [01:30<00:19, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.81G/8.31G [01:30<00:19, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.82G/8.31G [01:30<00:19, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.83G/8.31G [01:30<00:19, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.84G/8.31G [01:30<00:19, 80.1MB/s]
Downloading best_ckpt_mp0.tar: 82%|████████▏ | 6.85G/8.31G [01:30<00:19, 80.2MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.86G/8.31G [01:30<00:19, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.87G/8.31G [01:31<00:19, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.88G/8.31G [01:31<00:18, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.88G/8.31G [01:31<00:18, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.89G/8.31G [01:31<00:18, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.90G/8.31G [01:31<00:18, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.91G/8.31G [01:31<00:18, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.92G/8.31G [01:31<00:18, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 83%|████████▎ | 6.93G/8.31G [01:31<00:18, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▎ | 6.94G/8.31G [01:32<00:18, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▎ | 6.95G/8.31G [01:32<00:17, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 6.96G/8.31G [01:32<00:17, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 6.97G/8.31G [01:32<00:17, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 6.98G/8.31G [01:32<00:17, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 6.99G/8.31G [01:32<00:17, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 7.00G/8.31G [01:32<00:17, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 84%|████████▍ | 7.01G/8.31G [01:32<00:16, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▍ | 7.02G/8.31G [01:33<00:16, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▍ | 7.03G/8.31G [01:33<00:16, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▍ | 7.04G/8.31G [01:33<00:16, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▍ | 7.05G/8.31G [01:33<00:16, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▍ | 7.06G/8.31G [01:33<00:16, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▌ | 7.07G/8.31G [01:33<00:16, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▌ | 7.08G/8.31G [01:33<00:16, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▌ | 7.09G/8.31G [01:34<00:16, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 85%|████████▌ | 7.10G/8.31G [01:34<00:15, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.11G/8.31G [01:34<00:15, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.12G/8.31G [01:34<00:15, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.13G/8.31G [01:34<00:15, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.14G/8.31G [01:34<00:15, 79.9MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.15G/8.31G [01:34<00:15, 79.4MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▌ | 7.16G/8.31G [01:34<00:15, 80.5MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▋ | 7.17G/8.31G [01:35<00:15, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 86%|████████▋ | 7.18G/8.31G [01:35<00:14, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.19G/8.31G [01:35<00:14, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.20G/8.31G [01:35<00:14, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.21G/8.31G [01:35<00:15, 78.6MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.22G/8.31G [01:35<00:14, 82.2MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.23G/8.31G [01:35<00:14, 82.6MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.24G/8.31G [01:35<00:13, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.25G/8.31G [01:36<00:13, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.26G/8.31G [01:36<00:13, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 87%|████████▋ | 7.27G/8.31G [01:36<00:13, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.28G/8.31G [01:36<00:13, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.29G/8.31G [01:36<00:13, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.29G/8.31G [01:36<00:13, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.30G/8.31G [01:37<00:17, 60.1MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.32G/8.31G [01:37<00:11, 88.2MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.34G/8.31G [01:37<00:12, 85.5MB/s]
Downloading best_ckpt_mp0.tar: 88%|████████▊ | 7.35G/8.31G [01:37<00:12, 84.3MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▊ | 7.36G/8.31G [01:37<00:12, 84.2MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▊ | 7.37G/8.31G [01:37<00:12, 83.3MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.38G/8.31G [01:37<00:11, 83.1MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.39G/8.31G [01:38<00:11, 82.7MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.40G/8.31G [01:38<00:11, 82.5MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.41G/8.31G [01:38<00:11, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.42G/8.31G [01:38<00:11, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 89%|████████▉ | 7.43G/8.31G [01:38<00:11, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 90%|████████▉ | 7.44G/8.31G [01:38<00:11, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 90%|████████▉ | 7.45G/8.31G [01:38<00:11, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 90%|████████▉ | 7.46G/8.31G [01:38<00:11, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 90%|████████▉ | 7.47G/8.31G [01:39<00:11, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.48G/8.31G [01:39<00:11, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.49G/8.31G [01:39<00:10, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.50G/8.31G [01:39<00:10, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.51G/8.31G [01:39<00:10, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 90%|█████████ | 7.52G/8.31G [01:39<00:10, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.53G/8.31G [01:39<00:10, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.54G/8.31G [01:39<00:10, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.55G/8.31G [01:40<00:10, 80.7MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.56G/8.31G [01:40<00:10, 80.0MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.57G/8.31G [01:40<00:09, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████ | 7.58G/8.31G [01:40<00:09, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████▏| 7.59G/8.31G [01:40<00:09, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 91%|█████████▏| 7.60G/8.31G [01:40<00:09, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.61G/8.31G [01:40<00:09, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.62G/8.31G [01:40<00:09, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.63G/8.31G [01:41<00:08, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.64G/8.31G [01:41<00:08, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.65G/8.31G [01:41<00:08, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.66G/8.31G [01:41<00:08, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.67G/8.31G [01:41<00:08, 78.6MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.68G/8.31G [01:41<00:08, 82.9MB/s]
Downloading best_ckpt_mp0.tar: 92%|█████████▏| 7.69G/8.31G [01:41<00:08, 82.5MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.70G/8.31G [01:42<00:08, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.71G/8.31G [01:42<00:07, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.71G/8.31G [01:42<00:07, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.72G/8.31G [01:42<00:07, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.73G/8.31G [01:42<00:07, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.74G/8.31G [01:42<00:07, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.75G/8.31G [01:42<00:07, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 93%|█████████▎| 7.76G/8.31G [01:42<00:07, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▎| 7.77G/8.31G [01:43<00:07, 79.1MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▎| 7.78G/8.31G [01:43<00:06, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.79G/8.31G [01:43<00:06, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.80G/8.31G [01:43<00:06, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.81G/8.31G [01:43<00:06, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.82G/8.31G [01:43<00:06, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.83G/8.31G [01:43<00:06, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.84G/8.31G [01:43<00:06, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 94%|█████████▍| 7.85G/8.31G [01:44<00:06, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▍| 7.86G/8.31G [01:44<00:05, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▍| 7.87G/8.31G [01:44<00:05, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▍| 7.88G/8.31G [01:44<00:05, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▍| 7.89G/8.31G [01:44<00:05, 80.4MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▌| 7.90G/8.31G [01:44<00:05, 80.6MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▌| 7.91G/8.31G [01:44<00:05, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▌| 7.92G/8.31G [01:44<00:05, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 95%|█████████▌| 7.93G/8.31G [01:45<00:05, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.94G/8.31G [01:45<00:04, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.95G/8.31G [01:45<00:04, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.96G/8.31G [01:45<00:04, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.97G/8.31G [01:45<00:04, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.98G/8.31G [01:45<00:04, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▌| 7.99G/8.31G [01:45<00:04, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▋| 8.00G/8.31G [01:46<00:04, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▋| 8.01G/8.31G [01:46<00:03, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 96%|█████████▋| 8.02G/8.31G [01:46<00:03, 81.6MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.03G/8.31G [01:46<00:03, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.04G/8.31G [01:46<00:03, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.05G/8.31G [01:46<00:03, 81.7MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.06G/8.31G [01:46<00:03, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.07G/8.31G [01:46<00:03, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.08G/8.31G [01:47<00:03, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.09G/8.31G [01:47<00:02, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 97%|█████████▋| 8.10G/8.31G [01:47<00:02, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.11G/8.31G [01:47<00:02, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.12G/8.31G [01:47<00:02, 79.5MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.12G/8.31G [01:47<00:02, 81.0MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.13G/8.31G [01:47<00:02, 77.1MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.14G/8.31G [01:47<00:02, 82.7MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.15G/8.31G [01:48<00:02, 82.3MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.16G/8.31G [01:48<00:01, 82.5MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.17G/8.31G [01:48<00:01, 82.0MB/s]
Downloading best_ckpt_mp0.tar: 98%|█████████▊| 8.18G/8.31G [01:48<00:01, 82.4MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▊| 8.19G/8.31G [01:48<00:01, 82.1MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▊| 8.20G/8.31G [01:48<00:01, 81.8MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.21G/8.31G [01:48<00:01, 81.9MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.22G/8.31G [01:48<00:01, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.23G/8.31G [01:49<00:01, 81.1MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.24G/8.31G [01:49<00:00, 80.8MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.25G/8.31G [01:49<00:00, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 99%|█████████▉| 8.26G/8.31G [01:49<00:00, 80.9MB/s]
Downloading best_ckpt_mp0.tar: 100%|█████████▉| 8.27G/8.31G [01:49<00:00, 81.2MB/s]
Downloading best_ckpt_mp0.tar: 100%|█████████▉| 8.28G/8.31G [01:49<00:00, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 100%|█████████▉| 8.29G/8.31G [01:49<00:00, 81.5MB/s]
Downloading best_ckpt_mp0.tar: 100%|█████████▉| 8.30G/8.31G [01:49<00:00, 81.4MB/s]
Downloading best_ckpt_mp0.tar: 100%|██████████| 8.31G/8.31G [01:50<00:00, 81.3MB/s]
Downloading best_ckpt_mp0.tar: 100%|██████████| 8.31G/8.31G [01:50<00:00, 81.0MB/s]
2025-04-23 18:46:18.975 | INFO     | earth2studio.run:ensemble:315 - Running ensemble inference!
2025-04-23 18:46:18.975 | INFO     | earth2studio.run:ensemble:323 - Inference device: cuda
2025-04-23 18:46:20.205 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2024-01-01 00:00:00 lead 0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:46:20.208 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:46:20.230 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:46:20.252 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:46:20.274 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]

2025-04-23 18:46:20.296 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.18it/s]

2025-04-23 18:46:20.319 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.18it/s]

2025-04-23 18:46:20.341 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.18it/s]

2025-04-23 18:46:20.363 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.18it/s]

2025-04-23 18:46:20.385 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.18it/s]

2025-04-23 18:46:20.407 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.18it/s]
Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.19it/s]

2025-04-23 18:46:20.429 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.19it/s]

2025-04-23 18:46:20.451 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.19it/s]

2025-04-23 18:46:20.474 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.19it/s]

2025-04-23 18:46:20.496 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.19it/s]

2025-04-23 18:46:20.519 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.19it/s]
Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.77it/s]

2025-04-23 18:46:20.542 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.77it/s]

2025-04-23 18:46:20.564 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.77it/s]

2025-04-23 18:46:20.588 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.77it/s]

2025-04-23 18:46:20.611 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.77it/s]

2025-04-23 18:46:20.634 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 44.77it/s]
Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.24it/s]

2025-04-23 18:46:20.657 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.24it/s]

2025-04-23 18:46:20.680 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.24it/s]

2025-04-23 18:46:20.703 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.24it/s]

2025-04-23 18:46:20.725 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.24it/s]

2025-04-23 18:46:20.748 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.24it/s]
Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 43.88it/s]

2025-04-23 18:46:20.773 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 43.88it/s]

2025-04-23 18:46:20.795 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 43.88it/s]

2025-04-23 18:46:20.817 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 43.88it/s]

2025-04-23 18:46:20.839 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 43.88it/s]

2025-04-23 18:46:20.862 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 43.88it/s]
Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:01, 43.90it/s]

2025-04-23 18:46:20.887 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:01, 43.90it/s]

2025-04-23 18:46:20.909 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:01, 43.90it/s]

2025-04-23 18:46:20.932 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:01, 43.90it/s]

2025-04-23 18:46:20.955 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:01, 43.90it/s]

2025-04-23 18:46:20.978 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:01, 43.90it/s]
Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 43.70it/s]

2025-04-23 18:46:21.002 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 43.70it/s]

2025-04-23 18:46:21.025 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 43.70it/s]

2025-04-23 18:46:21.047 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 43.70it/s]

2025-04-23 18:46:21.070 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 43.70it/s]

2025-04-23 18:46:21.092 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 43.70it/s]
Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 43.82it/s]

2025-04-23 18:46:21.115 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 43.82it/s]

2025-04-23 18:46:21.138 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 43.82it/s]

2025-04-23 18:46:21.161 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 43.82it/s]

2025-04-23 18:46:21.184 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 43.82it/s]

2025-04-23 18:46:21.206 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 43.82it/s]
Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 43.72it/s]

2025-04-23 18:46:21.230 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 43.72it/s]

2025-04-23 18:46:21.253 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 43.72it/s]

2025-04-23 18:46:21.276 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 43.72it/s]

2025-04-23 18:46:21.299 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 43.72it/s]

2025-04-23 18:46:21.322 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 43.72it/s]
Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 43.52it/s]

2025-04-23 18:46:21.346 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 43.52it/s]

2025-04-23 18:46:21.369 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 43.52it/s]

2025-04-23 18:46:21.392 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 43.52it/s]

2025-04-23 18:46:21.414 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 43.52it/s]

2025-04-23 18:46:21.437 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 43.52it/s]
Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 43.55it/s]

2025-04-23 18:46:21.461 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 43.55it/s]

2025-04-23 18:46:21.483 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 43.55it/s]

2025-04-23 18:46:21.506 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 43.55it/s]

2025-04-23 18:46:21.529 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 43.55it/s]

2025-04-23 18:46:21.551 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 43.55it/s]
Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 43.65it/s]

2025-04-23 18:46:21.575 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 43.65it/s]

2025-04-23 18:46:21.598 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 43.65it/s]

2025-04-23 18:46:21.620 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 43.65it/s]

2025-04-23 18:46:21.643 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 43.65it/s]

2025-04-23 18:46:21.666 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 43.65it/s]
Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 43.71it/s]

2025-04-23 18:46:21.689 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 43.71it/s]

2025-04-23 18:46:21.712 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 43.71it/s]

2025-04-23 18:46:21.734 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 43.71it/s]

2025-04-23 18:46:21.757 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 43.71it/s]

2025-04-23 18:46:21.781 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 43.71it/s]
Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.60it/s]

2025-04-23 18:46:21.804 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.60it/s]

2025-04-23 18:46:21.827 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.60it/s]

2025-04-23 18:46:21.850 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.60it/s]

2025-04-23 18:46:21.873 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2024-01-01 00:00:00_0:00:00

Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 43.60it/s]
Fetching GFS for 2024-01-01 00:00:00: 100%|██████████| 74/74 [00:01<00:00, 43.82it/s]
2025-04-23 18:46:22.105 | SUCCESS  | earth2studio.run:ensemble:345 - Fetched data from GFS
2025-04-23 18:46:22.111 | INFO     | earth2studio.run:ensemble:367 - Starting 2 Member Ensemble Inference with             2 number of batches.

Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

2025-04-23 18:46:22.113 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2023-12-31 06:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:46:22.116 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.138 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.160 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.182 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.212 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:00<00:01, 42.38it/s]




2025-04-23 18:46:22.234 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:00<00:01, 42.38it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.256 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:00<00:01, 42.38it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.278 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:00<00:01, 42.38it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.301 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:00<00:01, 42.38it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.323 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:   7%|▋         | 5/74 [00:00<00:01, 42.38it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:00<00:01, 43.78it/s]




2025-04-23 18:46:22.346 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:00<00:01, 43.78it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.368 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:00<00:01, 43.78it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.390 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:00<00:01, 43.78it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.412 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:00<00:01, 43.78it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.434 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  14%|█▎        | 10/74 [00:00<00:01, 43.78it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:00<00:01, 44.40it/s]




2025-04-23 18:46:22.456 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.478 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.500 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.522 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.545 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  20%|██        | 15/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]




2025-04-23 18:46:22.567 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.590 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.612 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.634 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.656 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.75it/s]




2025-04-23 18:46:22.679 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.700 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.722 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.745 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.767 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:00<00:00, 44.88it/s]




2025-04-23 18:46:22.789 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:00<00:00, 44.88it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.812 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:00<00:00, 44.88it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.835 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:00<00:00, 44.88it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.858 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:00<00:00, 44.88it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.881 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  41%|████      | 30/74 [00:00<00:00, 44.88it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]




2025-04-23 18:46:22.904 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.926 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.948 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.971 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:22.994 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.48it/s]




2025-04-23 18:46:23.016 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.48it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:23.039 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.48it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:23.061 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.48it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:23.084 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.48it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]




2025-04-23 18:46:23.107 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.48it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:00<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.36it/s]




2025-04-23 18:46:23.130 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.152 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.175 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.198 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.220 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.24it/s]




2025-04-23 18:46:23.243 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.24it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.266 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.24it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.288 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.24it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.311 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.24it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.333 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.24it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.28it/s]




2025-04-23 18:46:23.356 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.28it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.378 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.28it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.401 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.28it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.424 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.28it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.446 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.28it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.32it/s]




2025-04-23 18:46:23.469 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.32it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.491 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.32it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.513 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.32it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.536 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.32it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.558 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.32it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.36it/s]




2025-04-23 18:46:23.581 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.604 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.627 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.651 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.674 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.36it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 06:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.00it/s]




2025-04-23 18:46:23.697 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.00it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.719 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.00it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.743 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.00it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.765 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2023-12-31 06:00:00_0:00:00


Fetching GFS for 2023-12-31 06:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.00it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]
Fetching GFS for 2023-12-31 06:00:00: 100%|██████████| 74/74 [00:01<00:00, 44.26it/s]


2025-04-23 18:46:23.788 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2023-12-31 12:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:46:23.791 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.813 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.835 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.858 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.880 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.15it/s]




2025-04-23 18:46:23.902 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.15it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.924 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.15it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.946 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.15it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.969 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.15it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:23.991 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.15it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.01it/s]




2025-04-23 18:46:24.013 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.01it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:24.036 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.01it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:24.058 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.01it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:24.081 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.01it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]




2025-04-23 18:46:24.103 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.01it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:01<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:00<00:01, 44.75it/s]




2025-04-23 18:46:24.126 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.148 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.170 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.193 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.215 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  20%|██        | 15/74 [00:00<00:01, 44.75it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]




2025-04-23 18:46:24.238 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.261 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.283 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.305 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.328 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.59it/s]




2025-04-23 18:46:24.350 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.372 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.394 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.417 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.439 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:00<00:00, 44.73it/s]




2025-04-23 18:46:24.462 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.484 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.507 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.529 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.552 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  41%|████      | 30/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]




2025-04-23 18:46:24.575 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.597 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.620 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.642 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.664 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.59it/s]




2025-04-23 18:46:24.687 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.709 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.732 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.754 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.776 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.59it/s]




2025-04-23 18:46:24.799 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.821 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.844 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.866 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.888 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.62it/s]




2025-04-23 18:46:24.911 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.933 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.956 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:24.978 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:25.001 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.62it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.60it/s]




2025-04-23 18:46:25.023 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.60it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:25.045 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.60it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:25.069 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.60it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:25.091 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.60it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:02<?, ?it/s]




2025-04-23 18:46:25.114 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.60it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.46it/s]




2025-04-23 18:46:25.136 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.159 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.182 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.204 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.227 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.33it/s]




2025-04-23 18:46:25.250 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.33it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.273 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.33it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.296 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.33it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.319 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.33it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.342 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.33it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 12:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.04it/s]




2025-04-23 18:46:25.365 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.388 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.412 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.434 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2023-12-31 12:00:00_0:00:00


Fetching GFS for 2023-12-31 12:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.04it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]
Fetching GFS for 2023-12-31 12:00:00: 100%|██████████| 74/74 [00:01<00:00, 44.40it/s]


2025-04-23 18:46:25.458 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2023-12-31 18:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:46:25.461 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.482 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.505 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.528 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.550 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.83it/s]




2025-04-23 18:46:25.572 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.595 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.618 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.641 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.663 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:   7%|▋         | 5/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.40it/s]




2025-04-23 18:46:25.686 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.708 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.731 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.753 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.775 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  14%|█▎        | 10/74 [00:00<00:01, 44.40it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:00<00:01, 44.59it/s]




2025-04-23 18:46:25.797 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.819 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.842 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.865 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.887 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  20%|██        | 15/74 [00:00<00:01, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.50it/s]




2025-04-23 18:46:25.910 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.50it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.932 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.50it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.955 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.50it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:25.977 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.50it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:26.000 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.50it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.52it/s]




2025-04-23 18:46:26.022 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:26.044 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:26.066 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:26.088 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]




2025-04-23 18:46:26.111 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.52it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:03<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [00:00<00:00, 44.69it/s]




2025-04-23 18:46:26.133 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [00:00<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.155 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [00:00<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.178 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [00:00<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.200 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [00:00<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.223 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  41%|████      | 30/74 [00:00<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.66it/s]




2025-04-23 18:46:26.245 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.66it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.267 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.66it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.289 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.66it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.312 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.66it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.334 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.66it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.76it/s]




2025-04-23 18:46:26.356 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.76it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.379 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.76it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.401 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.76it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.423 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.76it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.446 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.76it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.70it/s]




2025-04-23 18:46:26.469 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.70it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.491 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.70it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.513 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.70it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.536 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.70it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.558 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.70it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.73it/s]




2025-04-23 18:46:26.580 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.602 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.624 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.646 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.669 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.86it/s]




2025-04-23 18:46:26.691 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.86it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.713 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.86it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.735 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.86it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.758 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.86it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.780 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.86it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.84it/s]




2025-04-23 18:46:26.803 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.84it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.825 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.84it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.847 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.84it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.870 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.84it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.892 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.84it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.72it/s]




2025-04-23 18:46:26.915 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.938 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.960 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:26.983 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:27.006 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]

Fetching GFS for 2023-12-31 18:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]




2025-04-23 18:46:27.029 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:27.052 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:27.075 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]




2025-04-23 18:46:27.097 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2023-12-31 18:00:00_0:00:00


Fetching GFS for 2023-12-31 18:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:04<?, ?it/s]
Fetching GFS for 2023-12-31 18:00:00: 100%|██████████| 74/74 [00:01<00:00, 44.58it/s]


2025-04-23 18:46:27.121 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:213 - Fetching GFS index file: 2024-01-01 00:00:00 lead 0:00:00

Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]




2025-04-23 18:46:27.124 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u10m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.145 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v10m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.168 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.190 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.212 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t2m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   0%|          | 0/74 [00:00<?, ?it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.34it/s]




2025-04-23 18:46:27.234 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: sp at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.34it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.256 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: msl at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.34it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.279 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: tcwv at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.34it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.301 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: d2m at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.34it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.323 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:   7%|▋         | 5/74 [00:00<00:01, 45.34it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.23it/s]




2025-04-23 18:46:27.345 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.367 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.390 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.412 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.433 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  14%|█▎        | 10/74 [00:00<00:01, 45.23it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 45.22it/s]




2025-04-23 18:46:27.456 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 45.22it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.478 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 45.22it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.500 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 45.22it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.523 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 45.22it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.545 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  20%|██        | 15/74 [00:00<00:01, 45.22it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.95it/s]




2025-04-23 18:46:27.568 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.590 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: u1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.613 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.635 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.658 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  27%|██▋       | 20/74 [00:00<00:01, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.83it/s]




2025-04-23 18:46:27.680 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.702 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.724 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.746 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.768 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  34%|███▍      | 25/74 [00:00<00:01, 44.83it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.95it/s]




2025-04-23 18:46:27.791 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.813 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.836 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.858 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.881 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: v1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  41%|████      | 30/74 [00:00<00:00, 44.95it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.73it/s]




2025-04-23 18:46:27.903 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.926 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.948 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.970 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:27.992 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  47%|████▋     | 35/74 [00:00<00:00, 44.73it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.82it/s]




2025-04-23 18:46:28.015 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.82it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:28.037 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.82it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:28.059 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.82it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:28.081 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.82it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]




2025-04-23 18:46:28.104 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  54%|█████▍    | 40/74 [00:00<00:00, 44.82it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:05<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.79it/s]




2025-04-23 18:46:28.126 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.79it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.149 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.79it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.172 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: z1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.79it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.194 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.79it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.216 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  61%|██████    | 45/74 [00:01<00:00, 44.79it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.68it/s]




2025-04-23 18:46:28.239 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.68it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.261 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.68it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.284 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.68it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.306 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.68it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.328 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  68%|██████▊   | 50/74 [00:01<00:00, 44.68it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.72it/s]




2025-04-23 18:46:28.350 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.372 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.395 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.418 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.440 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  74%|███████▍  | 55/74 [00:01<00:00, 44.72it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.69it/s]




2025-04-23 18:46:28.463 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: t1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.485 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q50 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.507 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q100 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.530 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q150 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.552 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q200 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  81%|████████  | 60/74 [00:01<00:00, 44.69it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.59it/s]




2025-04-23 18:46:28.575 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q250 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.597 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q300 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.620 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q400 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.643 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q500 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.666 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q600 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  88%|████████▊ | 65/74 [00:01<00:00, 44.59it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]

Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]




2025-04-23 18:46:28.688 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q700 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.711 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q850 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.734 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q925 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]




2025-04-23 18:46:28.757 | DEBUG    | earth2studio.data.gfs:_fetch_gfs_dataarray:259 - Fetching GFS grib file for variable: q1000 at 2024-01-01 00:00:00_0:00:00


Fetching GFS for 2024-01-01 00:00:00:  95%|█████████▍| 70/74 [00:01<00:00, 44.46it/s]
Total Ensemble Batches:   0%|          | 0/2 [00:06<?, ?it/s]
Fetching GFS for 2024-01-01 00:00:00: 100%|██████████| 74/74 [00:01<00:00, 44.68it/s]


Running batch 0 inference:   0%|          | 0/5 [00:00<?, ?it/s]

Running batch 0 inference:  40%|████      | 2/5 [00:01<00:01,  1.73it/s]

Running batch 0 inference:  60%|██████    | 3/5 [00:02<00:01,  1.25it/s]

Running batch 0 inference:  80%|████████  | 4/5 [00:03<00:00,  1.10it/s]

Running batch 0 inference: 100%|██████████| 5/5 [00:04<00:00,  1.02it/s]


Total Ensemble Batches:  50%|█████     | 1/2 [00:21<00:21, 21.28s/it]

Running batch 1 inference:   0%|          | 0/5 [00:00<?, ?it/s]

Running batch 1 inference:  40%|████      | 2/5 [00:01<00:01,  1.72it/s]

Running batch 1 inference:  60%|██████    | 3/5 [00:02<00:01,  1.25it/s]

Running batch 1 inference:  80%|████████  | 4/5 [00:03<00:00,  1.10it/s]

Running batch 1 inference: 100%|██████████| 5/5 [00:04<00:00,  1.02it/s]


Total Ensemble Batches: 100%|██████████| 2/2 [00:25<00:00, 11.39s/it]
Total Ensemble Batches: 100%|██████████| 2/2 [00:25<00:00, 12.88s/it]
2025-04-23 18:46:47.861 | SUCCESS  | earth2studio.run:ensemble:412 - Inference complete
/
 ├── ensemble (2,) int64
 ├── lat (721,) float64
 ├── lead_time (5,) timedelta64[h]
 ├── lon (1440,) float64
 ├── time (1,) datetime64[ns]
 ├── u10m (2, 1, 5, 721, 1440) float32
 └── v10m (2, 1, 5, 721, 1440) float32

Post Processing#

The result of the workflow is two zarr stores with the ensemble data for the respective checkpoints used. The rest of the example is focused on some basic post processing to visualize the results.

import cartopy.crs as ccrs
import matplotlib.pyplot as plt
import numpy as np
import xarray as xr

lead_time = 4
plot_date = start_date + timedelta(hours=int(6 * lead_time))

# Load data from both zarr stores
ds0 = xr.open_zarr("outputs/11_hens_0.zarr")
ds1 = xr.open_zarr("outputs/11_hens_1.zarr")

# Combine the datasets
ds = xr.concat([ds0, ds1], dim="ensemble")

# Calculate wind speed magnitude
wind_speed = np.sqrt(ds.u10m**2 + ds.v10m**2)

# Get mean and std of 4th timestep across ensemble
mean_wind = wind_speed.isel(time=0, lead_time=lead_time).mean(dim="ensemble")
std_wind = wind_speed.isel(time=0, lead_time=lead_time).std(dim="ensemble")

# Create figure with two subplots
fig, (ax1, ax2) = plt.subplots(
    1, 2, figsize=(15, 4), subplot_kw={"projection": ccrs.PlateCarree()}
)

# Plot mean
p1 = ax1.contourf(
    mean_wind.coords["lon"],
    mean_wind.coords["lat"],
    mean_wind,
    levels=15,
    transform=ccrs.PlateCarree(),
    cmap="nipy_spectral",
)
ax1.coastlines()
ax1.set_title(f'Mean Wind Speed\n{plot_date.strftime("%Y-%m-%d %H:%M UTC")}')
fig.colorbar(p1, ax=ax1, label="m/s")

# Plot standard deviation
p2 = ax2.contourf(
    std_wind.coords["lon"],
    std_wind.coords["lat"],
    std_wind,
    levels=15,
    transform=ccrs.PlateCarree(),
    cmap="viridis",
)
ax2.coastlines()
ax2.set_title(
    f'Wind Speed Standard Deviation\n{plot_date.strftime("%Y-%m-%d %H:%M UTC")}'
)
fig.colorbar(p2, ax=ax2, label="m/s")

plt.tight_layout()
# Save the figure
plt.savefig(f"outputs/11_hens_step_{plot_date.strftime('%Y_%m_%d')}.jpg")
Mean Wind Speed 2024-01-02 00:00 UTC, Wind Speed Standard Deviation 2024-01-02 00:00 UTC

Total running time of the script: (12 minutes 33.042 seconds)

Gallery generated by Sphinx-Gallery