From c9ec5d4628ee0329265514f9d855ebeb6742a020 Mon Sep 17 00:00:00 2001 From: jh-206 Date: Mon, 14 Oct 2024 13:14:57 -0600 Subject: [PATCH] Update data wrapper --- fmda/fmda_rnn_spatial.ipynb | 8 +- fmda/moisture_rnn.py | 5 +- fmda/rnn_workshop.ipynb | 4502 +++++++++---------------------------------- 3 files changed, 892 insertions(+), 3623 deletions(-) rewrite fmda/rnn_workshop.ipynb (90%) diff --git a/fmda/fmda_rnn_spatial.ipynb b/fmda/fmda_rnn_spatial.ipynb index 0e3f8fc..8d414ce 100644 --- a/fmda/fmda_rnn_spatial.ipynb +++ b/fmda/fmda_rnn_spatial.ipynb @@ -61,7 +61,7 @@ "metadata": {}, "outputs": [], "source": [ - "filename = \"fmda_rocky_202403-05_f05.pkl\"\n", + "filename = \"fmda_nw_202401-05_f05.pkl\"\n", "retrieve_url(\n", " url = f\"https://demo.openwfm.org/web/data/fmda/dicts/{filename}\", \n", " dest_path = f\"data/{filename}\")" @@ -156,8 +156,8 @@ "metadata": {}, "outputs": [], "source": [ - "from itertools import islice\n", - "train = {k: train[k] for k in islice(train, 250)}" + "# from itertools import islice\n", + "# train = {k: train[k] for k in islice(train, 250)}" ] }, { @@ -193,7 +193,7 @@ " 'batch_schedule_type': 'exp', # Hidden state batch reset schedule\n", " 'bmin': 20, # Lower bound of hidden state batch reset, \n", " 'bmax': params_data['hours'], # Upper bound of hidden state batch reset, using max hours\n", - " 'features_list': ['hod', 'Ed', 'Ew', 'rain', 'elev', 'lon', 'lat', 'solar', 'wind'],\n", + " 'features_list': ['doy', 'hod', 'Ed', 'Ew', 'rain', 'elev', 'lon', 'lat', 'solar', 'wind'],\n", " 'timesteps': 12\n", " })" ] diff --git a/fmda/moisture_rnn.py b/fmda/moisture_rnn.py index e95dcab..2e5c788 100644 --- a/fmda/moisture_rnn.py +++ b/fmda/moisture_rnn.py @@ -1802,7 +1802,7 @@ def rnn_data_wrap(dict0, params, features_subset=None): rnn_dat = RNNData( dict1, # input dictionary - scaler="standard", # data scaling type + scaler=params['scaler'], # data scaling type features_list = params['features_list'] # features for predicting outcome ) @@ -1811,7 +1811,8 @@ def rnn_data_wrap(dict0, params, features_subset=None): time_fracs = params['time_fracs'], # Percent of total time steps used for train/val/test space_fracs = params['space_fracs'] # Percent of total timeseries used for train/val/test ) - rnn_dat.scale_data() + if rnn_dat.scaler is not None: + rnn_dat.scale_data() rnn_dat.batch_reshape( timesteps = params['timesteps'], # Timesteps aka sequence length for RNN input data. diff --git a/fmda/rnn_workshop.ipynb b/fmda/rnn_workshop.ipynb dissimilarity index 90% index 3480a72..421e4b0 100644 --- a/fmda/rnn_workshop.ipynb +++ b/fmda/rnn_workshop.ipynb @@ -1,3617 +1,885 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "id": "244c2fb0-4339-476c-a2db-a641e124e25a", - "metadata": {}, - "source": [ - "# v2.1 exploration trying to make it work better" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "id": "e6cc7920-e380-4b81-bac0-cd6840450e9a", - "metadata": {}, - "outputs": [], - "source": [ - "# Environment\n", - "import os\n", - "import os.path as osp\n", - "import numpy as np\n", - "import pandas as pd\n", - "import tensorflow as tf\n", - "import matplotlib.pyplot as plt\n", - "import sys\n", - "# Local modules\n", - "sys.path.append('..')\n", - "import reproducibility\n", - "import pandas as pd\n", - "from utils import print_dict_summary\n", - "from data_funcs import rmse, build_train_dict\n", - "from moisture_rnn import RNNParams, RNNData, RNN, RNN_LSTM\n", - "from moisture_rnn_pkl import pkl2train\n", - "from tensorflow.keras.callbacks import Callback\n", - "from utils import hash2\n", - "import copy\n", - "import logging\n", - "import pickle\n", - "from utils import logging_setup, read_yml, read_pkl, hash_ndarray, hash_weights, str2time\n", - "import yaml\n", - "import copy" - ] - }, - { - "cell_type": "code", - "execution_count": 2, - "id": "f58e8839-bf0e-4995-b966-c09e4df001ce", - "metadata": {}, - "outputs": [], - "source": [ - "logging_setup()" - ] - }, - { - "cell_type": "markdown", - "id": "fae67b50-f916-45a7-bcc7-61995ba39449", - "metadata": {}, - "source": [ - "## Test Data" - ] - }, - { - "cell_type": "code", - "execution_count": 3, - "id": "3efed1fa-9cda-4934-8a6c-edcf179c8755", - "metadata": {}, - "outputs": [], - "source": [ - "file_paths = ['data/fmda_nw_202401-05_f05.pkl']" - ] - }, - { - "cell_type": "code", - "execution_count": 4, - "id": "28fd3746-1861-4afa-ab7e-ac449fbed322", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "{'max_intp_time': 10,\n", - " 'zero_lag_threshold': 10,\n", - " 'hours': 720,\n", - " 'min_fm': 1,\n", - " 'max_fm': 90,\n", - " 'min_rain': 0,\n", - " 'max_rain': 100,\n", - " 'min_wind': 0,\n", - " 'max_wind': 35,\n", - " 'min_solar': 0,\n", - " 'max_solar': 1400,\n", - " 'min_soilm': 0,\n", - " 'features_all': ['Ed',\n", - " 'Ew',\n", - " 'solar',\n", - " 'wind',\n", - " 'elev',\n", - " 'lon',\n", - " 'lat',\n", - " 'soilm',\n", - " 'canopyw',\n", - " 'groundflux',\n", - " 'rain']}" - ] - }, - "execution_count": 4, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Params used for data filtering\n", - "params_data = read_yml(\"params_data.yaml\") \n", - "params_data" - ] - }, - { - "cell_type": "code", - "execution_count": 5, - "id": "32a46674-8377-47f8-9c3a-e6b07f9505cf", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Checking params...\n", - "Input dictionary passed all checks.\n", - "Calculating shape params based on features list, timesteps, and batch size\n", - "Input Feature List: ['Ed', 'Ew', 'rain']\n", - "Input Timesteps: 12\n", - "Input Batch Size: 32\n", - "Calculated params:\n", - "Number of features: 3\n", - "Batch Shape: (32, 12, 3)\n", - "{'batch_size': 32, 'timesteps': 12, 'optimizer': 'adam', 'rnn_layers': 1, 'rnn_units': 20, 'dense_layers': 1, 'dense_units': 5, 'activation': ['tanh', 'tanh'], 'dropout': [0.2, 0.2], 'recurrent_dropout': 0.2, 'reset_states': True, 'batch_schedule_type': 'exp', 'bmin': 20, 'bmax': 200, 'epochs': 20, 'learning_rate': 0.001, 'clipvalue': 10.0, 'phys_initialize': False, 'stateful': True, 'verbose_weights': True, 'verbose_fit': False, 'features_list': ['Ed', 'Ew', 'rain'], 'scale': True, 'scaler': 'standard', 'time_fracs': [0.9, 0.05, 0.05], 'early_stopping_patience': 5, 'predict_spinup_hours': 5, 'n_features': 3, 'batch_shape': (32, 12, 3)}\n", - "Calculating shape params based on features list, timesteps, and batch size\n", - "Input Feature List: ['Ed', 'Ew', 'rain', 'elev', 'lon', 'lat', 'solar', 'wind']\n", - "Input Timesteps: 12\n", - "Input Batch Size: 32\n", - "Calculated params:\n", - "Number of features: 8\n", - "Batch Shape: (32, 12, 8)\n", - "{'batch_size': 32, 'timesteps': 12, 'optimizer': 'adam', 'rnn_layers': 1, 'rnn_units': 20, 'dense_layers': 2, 'dense_units': 30, 'activation': ['tanh', 'tanh'], 'dropout': [0.2, 0.2], 'recurrent_dropout': 0.2, 'reset_states': True, 'batch_schedule_type': 'exp', 'bmin': 20, 'bmax': 720, 'epochs': 200, 'learning_rate': 0.001, 'clipvalue': 10.0, 'phys_initialize': False, 'stateful': True, 'verbose_weights': True, 'verbose_fit': False, 'features_list': ['Ed', 'Ew', 'rain', 'elev', 'lon', 'lat', 'solar', 'wind'], 'scale': True, 'scaler': 'standard', 'time_fracs': [0.9, 0.05, 0.05], 'early_stopping_patience': 30, 'predict_spinup_hours': 5, 'n_features': 8, 'batch_shape': (32, 12, 8), 'recurrent_layers': 2, 'recurrent_units': 30}\n" - ] - } - ], - "source": [ - "params = read_yml(\"params.yaml\", subkey='rnn') \n", - "params = RNNParams(params)\n", - "params.update({'epochs': 200, \n", - " 'learning_rate': 0.001,\n", - " 'activation': ['tanh', 'tanh'], # Activation for RNN Layers, Dense layers respectively.\n", - " 'recurrent_layers': 2, 'recurrent_units': 30, \n", - " 'dense_layers': 2, 'dense_units': 30,\n", - " 'early_stopping_patience': 30, # how many epochs of no validation accuracy gain to wait before stopping\n", - " 'batch_schedule_type': 'exp', # Hidden state batch reset schedule\n", - " 'bmin': 20, # Lower bound of hidden state batch reset, \n", - " 'bmax': params_data['hours'], # Upper bound of hidden state batch reset, using max hours\n", - " 'features_list': ['Ed', 'Ew', 'rain', 'elev', 'lon', 'lat', 'solar', 'wind'],\n", - " 'timesteps': 12\n", - " })" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c45cb8ef-41fc-4bf7-b506-dad5fd24abb3", - "metadata": {}, - "outputs": [], - "source": [ - "dat = read_pkl(file_paths[0])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "3c960d69-4f8a-4abb-a5d9-ed6cf98f899b", - "metadata": {}, - "outputs": [], - "source": [ - "import importlib\n", - "import data_funcs\n", - "importlib.reload(data_funcs)\n", - "from data_funcs import build_train_dict" - ] - }, - { - "cell_type": "code", - "execution_count": 6, - "id": "369cd913-85cb-4855-a80c-817d84637852", - "metadata": {}, - "outputs": [], - "source": [ - "params_data.update({'hours': 3648})" - ] - }, - { - "cell_type": "code", - "execution_count": 44, - "id": "6f316909-5491-47b0-b362-d8fdc83b58fd", - "metadata": { - "scrolled": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Atmospheric data source is RAWS, so forecast_step is not used\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Extracting data from input file data/fmda_nw_202401-05_f05.pkl\n", - "loading file data/fmda_nw_202401-05_f05.pkl\n", - "2024-10-13 11:29:20,411 - INFO - PLFI1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:20,540 - INFO - PLFI1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:21,052 - INFO - SADI1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:21,169 - INFO - SADI1 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:29:21,689 - INFO - SRFI1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:21,806 - INFO - SRFI1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:22,284 - INFO - WEFI1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:22,452 - INFO - WEFI1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:22,920 - INFO - AGFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:23,025 - INFO - AGFO3 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:29:23,486 - INFO - ALFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:23,605 - INFO - ALFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:24,089 - INFO - ATFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:24,190 - INFO - ATFO3 RAWS.time_raws time array increments are min 1.0 max 19.0\n", - "2024-10-13 11:29:24,650 - INFO - BGFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:24,749 - INFO - BGFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:25,219 - INFO - BKFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:25,304 - INFO - BKFO3 RAWS.time_raws time array increments are min 1.0 max 9.0\n", - "2024-10-13 11:29:25,775 - INFO - OKFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:25,878 - INFO - OKFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:26,340 - INFO - BCFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:26,458 - INFO - BCFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:26,923 - INFO - BOFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:27,031 - INFO - BOFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:27,526 - INFO - IRFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:27,612 - INFO - IRFO3 RAWS.time_raws time array increments are min 1.0 max 147.0\n", - "2024-10-13 11:29:28,089 - INFO - PKFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:28,189 - INFO - PKFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:28,685 - INFO - CAFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:28,786 - INFO - CAFO3 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:29:29,257 - INFO - TPEO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:29,360 - INFO - TPEO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:29,824 - INFO - CEFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:29,929 - INFO - CEFO3 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:29:30,397 - INFO - CIFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:30,510 - INFO - CIFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:30,976 - INFO - CSFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:31,072 - INFO - CSFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:31,550 - INFO - CGFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:31,650 - INFO - CGFO3 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:29:32,134 - INFO - CPFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:32,237 - INFO - CPFO3 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:29:32,698 - INFO - CWFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:32,804 - INFO - CWFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:33,265 - INFO - ENFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:33,365 - INFO - ENFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:33,854 - INFO - EMFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:33,953 - INFO - EMFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:34,429 - INFO - FMFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:34,529 - INFO - FMFO3 RAWS.time_raws time array increments are min 1.0 max 17.0\n", - "2024-10-13 11:29:34,989 - INFO - FEFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:35,098 - INFO - FEFO3 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:29:35,570 - INFO - GDFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:35,673 - INFO - GDFO3 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:29:36,161 - INFO - HYFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:36,271 - INFO - HYFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:36,741 - INFO - KEEO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:36,841 - INFO - KEEO3 RAWS.time_raws time array increments are min 1.0 max 33.0\n", - "2024-10-13 11:29:37,349 - INFO - LBFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:37,458 - INFO - LBFO3 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:29:37,936 - INFO - LGFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:38,039 - INFO - LGFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:38,488 - INFO - MSFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:38,587 - INFO - MSFO3 RAWS.time_raws time array increments are min 1.0 max 42.0\n", - "2024-10-13 11:29:39,072 - INFO - OMFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:39,171 - INFO - OMFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:39,642 - INFO - PEFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:39,742 - INFO - PEFO3 RAWS.time_raws time array increments are min 1.0 max 31.0\n", - "2024-10-13 11:29:40,217 - INFO - PYFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:40,316 - INFO - PYFO3 RAWS.time_raws time array increments are min 1.0 max 18.0\n", - "2024-10-13 11:29:40,783 - INFO - QPFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:40,879 - INFO - QPFO3 RAWS.time_raws time array increments are min 1.0 max 28.0\n", - "2024-10-13 11:29:41,347 - INFO - RXFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:41,459 - INFO - RXFO3 RAWS.time_raws time array increments are min 1.0 max 7.0\n", - "2024-10-13 11:29:41,915 - INFO - BTFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:42,016 - INFO - BTFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:42,473 - INFO - RNFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:42,580 - INFO - RNFO3 RAWS.time_raws time array increments are min 1.0 max 137.0\n", - "2024-10-13 11:29:43,053 - INFO - SDFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:43,157 - INFO - SDFO3 RAWS.time_raws time array increments are min 1.0 max 20.0\n", - "2024-10-13 11:29:43,616 - INFO - SLFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:43,728 - INFO - SLFO3 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:29:44,190 - INFO - SQFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:44,296 - INFO - SQFO3 RAWS.time_raws time array increments are min 1.0 max 34.0\n", - "2024-10-13 11:29:44,761 - INFO - SGFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:44,874 - INFO - SGFO3 RAWS.time_raws time array increments are min 1.0 max 69.0\n", - "2024-10-13 11:29:45,349 - INFO - TOFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:45,446 - INFO - TOFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:45,925 - INFO - TUFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:46,028 - INFO - TUFO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:46,499 - INFO - WMFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:46,599 - INFO - WMFO3 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:29:47,131 - INFO - WKFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:47,231 - INFO - WKFO3 RAWS.time_raws time array increments are min 1.0 max 28.0\n", - "2024-10-13 11:29:47,701 - INFO - BBFO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:47,803 - INFO - BBFO3 RAWS.time_raws time array increments are min 1.0 max 12.0\n", - "2024-10-13 11:29:48,261 - INFO - BMFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:48,376 - INFO - BMFW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:48,864 - INFO - CMFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:48,968 - INFO - CMFW1 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:29:49,477 - INFO - CYFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:49,555 - INFO - CYFW1 RAWS.time_raws time array increments are min 1.0 max 137.0\n", - "2024-10-13 11:29:50,025 - INFO - CGFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:50,119 - INFO - CGFW1 RAWS.time_raws time array increments are min 1.0 max 20.0\n", - "2024-10-13 11:29:50,595 - INFO - DMFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:50,689 - INFO - DMFW1 RAWS.time_raws time array increments are min 1.0 max 8.0\n", - "2024-10-13 11:29:51,158 - INFO - DIFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:51,266 - INFO - DIFW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:51,722 - INFO - DRYW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:51,831 - INFO - DRYW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:52,292 - INFO - FIFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:52,402 - INFO - FIFW1 RAWS.time_raws time array increments are min 1.0 max 150.0\n", - "2024-10-13 11:29:52,854 - INFO - FBFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:52,958 - INFO - FBFW1 RAWS.time_raws time array increments are min 1.0 max 23.0\n", - "2024-10-13 11:29:53,441 - INFO - FTFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:53,553 - INFO - FTFW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:54,007 - INFO - GHFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:54,109 - INFO - GHFW1 RAWS.time_raws time array increments are min 1.0 max 7.0\n", - "2024-10-13 11:29:54,652 - INFO - HGFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:54,755 - INFO - HGFW1 RAWS.time_raws time array increments are min 1.0 max 6.0\n", - "2024-10-13 11:29:55,189 - INFO - JEFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:55,262 - INFO - JEFW1 RAWS.time_raws time array increments are min 1.0 max 1356.0\n", - "2024-10-13 11:29:55,690 - INFO - SKKW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:55,791 - INFO - SKKW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:56,259 - INFO - KTLW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:56,375 - INFO - KTLW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:56,831 - INFO - KCFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:56,944 - INFO - KCFW1 RAWS.time_raws time array increments are min 1.0 max 7.0\n", - "2024-10-13 11:29:57,429 - INFO - LCFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:57,526 - INFO - LCFW1 RAWS.time_raws time array increments are min 1.0 max 9.0\n", - "2024-10-13 11:29:57,998 - INFO - LEFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:58,097 - INFO - LEFW1 RAWS.time_raws time array increments are min 1.0 max 38.0\n", - "2024-10-13 11:29:58,558 - INFO - LSFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:58,665 - INFO - LSFW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:59,121 - INFO - LLFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:59,232 - INFO - LLFW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:29:59,709 - INFO - NCSW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:29:59,817 - INFO - NCSW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:00,278 - INFO - OCFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:00,383 - INFO - OCFW1 RAWS.time_raws time array increments are min 1.0 max 187.0\n", - "2024-10-13 11:30:00,842 - INFO - OMFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:00,947 - INFO - OMFW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:01,413 - INFO - PMFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:01,520 - INFO - PMFW1 RAWS.time_raws time array increments are min 1.0 max 13.0\n", - "2024-10-13 11:30:01,979 - INFO - PEOW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:02,084 - INFO - PEOW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:02,565 - INFO - QCNW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:02,667 - INFO - QCNW1 RAWS.time_raws time array increments are min 1.0 max 8.0\n", - "2024-10-13 11:30:03,151 - INFO - MEFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:03,253 - INFO - MEFW1 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:30:03,719 - INFO - FWFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:03,817 - INFO - FWFW1 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:30:04,298 - INFO - TCFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:04,388 - INFO - TCFW1 RAWS.time_raws time array increments are min 1.0 max 22.0\n", - "2024-10-13 11:30:04,858 - INFO - FTAW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:04,952 - INFO - FTAW1 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:30:05,418 - INFO - BKRW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:05,539 - INFO - BKRW1 RAWS.time_raws time array increments are min 1.0 max 11.0\n", - "2024-10-13 11:30:06,003 - INFO - VPFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:06,101 - INFO - VPFW1 RAWS.time_raws time array increments are min 1.0 max 12.0\n", - "2024-10-13 11:30:06,571 - INFO - WPKO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:06,671 - INFO - WPKO3 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:30:07,124 - INFO - HOOI1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:07,240 - INFO - HOOI1 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:30:07,703 - INFO - PLKI1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:07,818 - INFO - PLKI1 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:30:08,274 - INFO - BLKO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:08,383 - INFO - BLKO3 RAWS.time_raws time array increments are min 1.0 max 120.0\n", - "2024-10-13 11:30:08,840 - INFO - STRW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:08,938 - INFO - STRW1 RAWS.time_raws time array increments are min 1.0 max 21.0\n", - "2024-10-13 11:30:09,404 - INFO - TOFW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:09,513 - INFO - TOFW1 RAWS.time_raws time array increments are min 1.0 max 7.0\n", - "2024-10-13 11:30:09,972 - INFO - FNWO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:10,070 - INFO - FNWO3 RAWS.time_raws time array increments are min 1.0 max 40.0\n", - "2024-10-13 11:30:10,537 - INFO - KMRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:10,643 - INFO - KMRO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:11,114 - INFO - UMTO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:11,200 - INFO - UMTO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:11,680 - INFO - OTOW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:11,781 - INFO - OTOW1 RAWS.time_raws time array increments are min 1.0 max 35.0\n", - "2024-10-13 11:30:12,256 - INFO - LPOW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:12,363 - INFO - LPOW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:12,842 - INFO - TWRW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:12,962 - INFO - TWRW1 RAWS.time_raws time array increments are min 1.0 max 4.0\n", - "2024-10-13 11:30:13,426 - INFO - SDMW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:13,524 - INFO - SDMW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:13,994 - INFO - MBMW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:14,099 - INFO - MBMW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:14,519 - INFO - DCCW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:14,607 - INFO - DCCW1 RAWS.time_raws time array increments are min 1.0 max 808.0\n", - "2024-10-13 11:30:15,044 - INFO - OHAW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:15,144 - INFO - OHAW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:15,640 - INFO - IMTW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:15,758 - INFO - IMTW1 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:16,225 - INFO - CHRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:16,320 - INFO - CHRO3 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:30:16,806 - INFO - BHRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:16,917 - INFO - BHRO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:17,395 - INFO - CCRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:17,493 - INFO - CCRO3 RAWS.time_raws time array increments are min 1.0 max 8.0\n", - "2024-10-13 11:30:17,973 - INFO - SMCO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:18,071 - INFO - SMCO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:18,528 - INFO - LGPO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:18,640 - INFO - LGPO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:19,124 - INFO - EGKO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:19,220 - INFO - EGKO3 RAWS.time_raws time array increments are min 1.0 max 8.0\n", - "2024-10-13 11:30:19,699 - INFO - FPRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:19,804 - INFO - FPRO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:20,267 - INFO - MMRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:20,381 - INFO - MMRO3 RAWS.time_raws time array increments are min 1.0 max 68.0\n", - "2024-10-13 11:30:20,842 - INFO - MLLO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:20,944 - INFO - MLLO3 RAWS.time_raws time array increments are min 1.0 max 12.0\n", - "2024-10-13 11:30:21,391 - INFO - TWRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:21,489 - INFO - TWRO3 RAWS.time_raws time array increments are min 1.0 max 20.0\n", - "2024-10-13 11:30:21,945 - INFO - RKHO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:22,057 - INFO - RKHO3 RAWS.time_raws time array increments are min 1.0 max 39.0\n", - "2024-10-13 11:30:22,541 - INFO - SFKO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:22,653 - INFO - SFKO3 RAWS.time_raws time array increments are min 1.0 max 8.0\n", - "2024-10-13 11:30:23,125 - INFO - SYNO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:23,238 - INFO - SYNO3 RAWS.time_raws time array increments are min 1.0 max 90.0\n", - "2024-10-13 11:30:23,712 - INFO - TMKO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:23,809 - INFO - TMKO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:24,305 - INFO - TMRO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:24,406 - INFO - TMRO3 RAWS.time_raws time array increments are min 1.0 max 5.0\n", - "2024-10-13 11:30:24,868 - INFO - WSBO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:24,962 - INFO - WSBO3 RAWS.time_raws time array increments are min 1.0 max 83.0\n", - "2024-10-13 11:30:25,420 - INFO - GELO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:25,540 - INFO - GELO3 RAWS.time_raws time array increments are min 1.0 max 37.0\n", - "2024-10-13 11:30:25,940 - INFO - TS395_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:25,940 - INFO - TS395 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:26,214 - INFO - TS517_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:26,230 - INFO - TS517 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:26,610 - INFO - TS627_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:26,723 - INFO - TS627 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:27,058 - INFO - TS674_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:27,058 - INFO - TS674 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:27,341 - INFO - TS679_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:27,358 - INFO - TS679 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:27,784 - INFO - YTCW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:27,881 - INFO - YTCW1 RAWS.time_raws time array increments are min 1.0 max 3.0\n", - "2024-10-13 11:30:28,712 - INFO - LLEI1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:29,103 - INFO - LLEI1 RAWS.time_raws time array increments are min 0.25 max 1.25\n", - "2024-10-13 11:30:29,741 - INFO - TT011_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:29,746 - INFO - TT011 RAWS.time_raws time array increments are 0.25 hours\n", - "2024-10-13 11:30:30,017 - INFO - TT020_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:30,037 - INFO - TT020 RAWS.time_raws time array increments are 0.25 hours\n", - "2024-10-13 11:30:30,319 - INFO - TT032_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:30,343 - INFO - TT032 RAWS.time_raws time array increments are min 0.25 max 2923.75\n", - "2024-10-13 11:30:30,631 - INFO - TT074_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:30,660 - INFO - TT074 RAWS.time_raws time array increments are min 0.25 max 2922.75\n", - "2024-10-13 11:30:30,935 - INFO - TT077_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:30,935 - INFO - TT077 RAWS.time_raws time array increments are 0.25 hours\n", - "2024-10-13 11:30:31,219 - INFO - TT078_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:31,229 - INFO - TT078 RAWS.time_raws time array increments are 0.25 hours\n", - "2024-10-13 11:30:31,496 - INFO - TT079_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:31,496 - INFO - TT079 RAWS.time_raws time array increments are 0.25 hours\n", - "2024-10-13 11:30:31,765 - INFO - TT091_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:31,768 - INFO - TT091 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:32,013 - INFO - TT101_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:32,018 - INFO - TT101 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:32,327 - INFO - TT103_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:32,386 - INFO - TT103 RAWS.time_raws time array increments are min 1.0 max 1785.0\n", - "2024-10-13 11:30:32,744 - INFO - OKPW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:32,799 - INFO - OKPW1 RAWS.time_raws time array increments are min 1.0 max 23.0\n", - "2024-10-13 11:30:33,141 - INFO - TT213_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:33,176 - INFO - TT213 RAWS.time_raws time array increments are min 1.0 max 1164.0\n", - "2024-10-13 11:30:33,455 - INFO - TT220_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:33,464 - INFO - TT220 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:33,785 - INFO - CPOW1_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:33,832 - INFO - CPOW1 RAWS.time_raws time array increments are min 1.0 max 1499.0\n", - "2024-10-13 11:30:34,266 - INFO - TT246_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:34,372 - INFO - TT246 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:34,759 - INFO - TT259_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:34,775 - INFO - TT259 RAWS.time_raws time array increments are min 1.0 max 731.0\n", - "2024-10-13 11:30:35,093 - INFO - TT333_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:35,125 - INFO - TT333 RAWS.time_raws time array increments are min 1.0 max 514.0\n", - "2024-10-13 11:30:35,596 - INFO - TT382_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:35,755 - INFO - TT382 RAWS.time_raws time array increments are min 0.25 max 1152.0\n", - "2024-10-13 11:30:36,186 - INFO - TT483_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:36,221 - INFO - TT483 RAWS.time_raws time array increments are min 1.0 max 436.0\n", - "2024-10-13 11:30:36,512 - INFO - TT512_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:36,512 - INFO - TT512 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:36,777 - INFO - TT529_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:36,777 - INFO - TT529 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:37,152 - INFO - TT535_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:37,253 - INFO - TT535 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:37,702 - INFO - TT582_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:37,787 - INFO - TT582 RAWS.time_raws time array increments are min 1.0 max 372.0\n", - "2024-10-13 11:30:38,252 - INFO - TT603_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:38,358 - INFO - TT603 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:38,831 - INFO - TT604_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:38,937 - INFO - TT604 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:39,386 - INFO - TT607_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:39,491 - INFO - TT607 RAWS.time_raws time array increments are min 1.0 max 366.0\n", - "2024-10-13 11:30:39,849 - INFO - TT626_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:39,880 - INFO - TT626 RAWS.time_raws time array increments are min 1.0 max 199.0\n", - "2024-10-13 11:30:40,188 - INFO - TT638_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:40,196 - INFO - TT638 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:30:41,111 - INFO - RDSPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:41,703 - INFO - RDSPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:30:43,253 - INFO - MTOPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:43,820 - INFO - MTOPN RAWS.time_raws time array increments are min 0.16666666666666666 max 43.833333333333336\n", - "2024-10-13 11:30:44,751 - INFO - TT692_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:44,849 - INFO - TT692 RAWS.time_raws time array increments are min 1.0 max 37.0\n", - "2024-10-13 11:30:45,331 - INFO - TT705_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:45,440 - INFO - TT705 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:30:46,446 - INFO - EACPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:47,015 - INFO - EACPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:30:48,539 - INFO - SHRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:49,131 - INFO - SHRPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.5\n", - "2024-10-13 11:30:50,630 - INFO - NPJPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:51,212 - INFO - NPJPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:30:52,711 - INFO - NPPPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:53,304 - INFO - NPPPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:30:54,789 - INFO - FLZPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:55,386 - INFO - FLZPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:30:56,915 - INFO - SPRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:57,500 - INFO - SPRPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:30:59,027 - INFO - HDRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:30:59,610 - INFO - HDRPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:01,089 - INFO - HLVPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:01,688 - INFO - HLVPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:31:03,160 - INFO - SKYPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:03,752 - INFO - SKYPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:05,260 - INFO - ESCPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:05,917 - INFO - ESCPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:31:07,440 - INFO - SSMPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:08,027 - INFO - SSMPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:09,595 - INFO - BDRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:10,188 - INFO - BDRPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.5\n", - "2024-10-13 11:31:11,696 - INFO - LARPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:12,268 - INFO - LARPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:13,782 - INFO - ESBPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:14,371 - INFO - ESBPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:15,898 - INFO - SCHPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:16,480 - INFO - SCHPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:18,002 - INFO - ESEPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:18,580 - INFO - ESEPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:20,297 - INFO - MRTPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:20,950 - INFO - MRTPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:31:22,574 - INFO - KELPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:23,219 - INFO - KELPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:24,904 - INFO - HOWPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:25,523 - INFO - HOWPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:31:27,123 - INFO - EVNPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:27,783 - INFO - EVNPN RAWS.time_raws time array increments are min 0.16666666666666666 max 33.333333333333336\n", - "2024-10-13 11:31:29,292 - INFO - FWRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:29,868 - INFO - FWRPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:31,332 - INFO - LEEPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:31,892 - INFO - LEEPN RAWS.time_raws time array increments are min 0.16666666666666666 max 33.166666666666664\n", - "2024-10-13 11:31:33,326 - INFO - MTSPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:33,897 - INFO - MTSPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:31:35,416 - INFO - GDNPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:35,996 - INFO - GDNPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:37,568 - INFO - RDGPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:38,130 - INFO - RDGPN RAWS.time_raws time array increments are min 0.16666666666666666 max 63.666666666666664\n", - "2024-10-13 11:31:39,609 - INFO - DCRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:40,184 - INFO - DCRPN RAWS.time_raws time array increments are min 0.16666666666666666 max 41.333333333333336\n", - "2024-10-13 11:31:41,676 - INFO - MDWPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:42,259 - INFO - MDWPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:43,816 - INFO - KNRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:44,433 - INFO - KNRPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:31:45,676 - INFO - BMPPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:46,053 - INFO - BMPPN RAWS.time_raws time array increments are min 0.16666666666666666 max 625.8333333333334\n", - "2024-10-13 11:31:47,075 - INFO - PHRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:47,463 - INFO - PHRPN RAWS.time_raws time array increments are min 0.16666666666666666 max 124.5\n", - "2024-10-13 11:31:48,702 - INFO - QRDPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:49,299 - INFO - QRDPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:50,810 - INFO - TRNPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:51,412 - INFO - TRNPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:31:52,886 - INFO - SDSPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:53,424 - INFO - SDSPN RAWS.time_raws time array increments are min 0.16666666666666666 max 22.666666666666668\n", - "2024-10-13 11:31:54,470 - INFO - MSNPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:54,699 - INFO - MSNPN RAWS.time_raws time array increments are min 0.16666666666666666 max 179.0\n", - "2024-10-13 11:31:55,876 - INFO - PTVPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:56,464 - INFO - PTVPN RAWS.time_raws time array increments are min 0.16666666666666666 max 1.0\n", - "2024-10-13 11:31:57,987 - INFO - GOSPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:31:58,574 - INFO - GOSPN RAWS.time_raws time array increments are min 0.16666666666666666 max 7.0\n", - "2024-10-13 11:32:00,000 - INFO - GRNPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:00,529 - INFO - GRNPN RAWS.time_raws time array increments are min 0.16666666666666666 max 335.6666666666667\n", - "2024-10-13 11:32:02,005 - INFO - LTHPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:02,646 - INFO - LTHPN RAWS.time_raws time array increments are min 0.16666666666666666 max 15.166666666666666\n", - "2024-10-13 11:32:04,205 - INFO - ANDPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:04,790 - INFO - ANDPN RAWS.time_raws time array increments are min 0.16666666666666666 max 9.0\n", - "2024-10-13 11:32:06,317 - INFO - THMPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:06,906 - INFO - THMPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:08,340 - INFO - BRNPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:08,881 - INFO - BRNPN RAWS.time_raws time array increments are min 0.16666666666666666 max 161.0\n", - "2024-10-13 11:32:10,243 - INFO - O22PN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:10,760 - INFO - O22PN RAWS.time_raws time array increments are min 0.16666666666666666 max 309.6666666666667\n", - "2024-10-13 11:32:12,236 - INFO - WLSPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:12,852 - INFO - WLSPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:32:13,741 - INFO - TT759_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:13,741 - INFO - TT759 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:32:14,017 - INFO - TT767_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:14,026 - INFO - TT767 RAWS.time_raws time array increments are min 1.0 max 1568.0\n", - "2024-10-13 11:32:14,297 - INFO - TT768_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:14,306 - INFO - TT768 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:32:14,650 - INFO - VIAO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:14,677 - INFO - VIAO3 RAWS.time_raws time array increments are 1.0 hours\n", - "2024-10-13 11:32:15,075 - INFO - CFGO3_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:15,169 - INFO - CFGO3 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:32:16,215 - INFO - OXDPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:16,771 - INFO - OXDPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:18,301 - INFO - GRUPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:18,880 - INFO - GRUPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:20,411 - INFO - RAMPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:21,003 - INFO - RAMPN RAWS.time_raws time array increments are min 0.16666666666666666 max 85.83333333333333\n", - "2024-10-13 11:32:22,511 - INFO - HILPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:23,121 - INFO - HILPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:24,648 - INFO - SBCPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:25,238 - INFO - SBCPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:32:26,726 - INFO - RCRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:27,289 - INFO - RCRPN RAWS.time_raws time array increments are min 0.16666666666666666 max 12.0\n", - "2024-10-13 11:32:28,778 - INFO - BLUPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:29,427 - INFO - BLUPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:30,926 - INFO - LAMPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:31,522 - INFO - LAMPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:33,052 - INFO - NMRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:33,672 - INFO - NMRPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:35,216 - INFO - NWFPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:35,791 - INFO - NWFPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:32:37,336 - INFO - SHDPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:37,987 - INFO - SHDPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:32:39,539 - INFO - TNCPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:40,128 - INFO - TNCPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:41,688 - INFO - BATPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:42,329 - INFO - BATPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:43,580 - INFO - STLPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:43,843 - INFO - STLPN RAWS.time_raws time array increments are min 0.16666666666666666 max 232.33333333333334\n", - "2024-10-13 11:32:45,060 - INFO - RCKPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:45,658 - INFO - RCKPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:32:47,212 - INFO - WSNPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:47,802 - INFO - WSNPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:49,181 - INFO - FSMPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:49,670 - INFO - FSMPN RAWS.time_raws time array increments are min 0.16666666666666666 max 266.6666666666667\n", - "2024-10-13 11:32:50,801 - INFO - SWTPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:51,167 - INFO - SWTPN RAWS.time_raws time array increments are min 0.16666666666666666 max 312.6666666666667\n", - "2024-10-13 11:32:52,563 - INFO - ZENPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:53,187 - INFO - ZENPN RAWS.time_raws time array increments are min 0.16666666666666666 max 2.6666666666666665\n", - "2024-10-13 11:32:54,543 - INFO - FRGPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:54,954 - INFO - FRGPN RAWS.time_raws time array increments are min 0.16666666666666666 max 931.5\n", - "2024-10-13 11:32:56,338 - INFO - SMVPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:56,908 - INFO - SMVPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:32:58,458 - INFO - SWBPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:32:59,114 - INFO - SWBPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:33:00,681 - INFO - BPLPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:01,269 - INFO - BPLPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "2024-10-13 11:33:02,250 - INFO - TT803_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:02,350 - INFO - TT803 RAWS.time_raws time array increments are min 1.0 max 2.0\n", - "2024-10-13 11:33:03,391 - INFO - SRRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:03,972 - INFO - SRRPN RAWS.time_raws time array increments are min 0.16666666666666666 max 2.3333333333333335\n", - "2024-10-13 11:33:05,521 - INFO - PCLPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:06,147 - INFO - PCLPN RAWS.time_raws time array increments are min 0.16666666666666666 max 1.5\n", - "2024-10-13 11:33:07,658 - INFO - BLFPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:08,242 - INFO - BLFPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:33:09,751 - INFO - PWLPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:10,369 - INFO - PWLPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:33:11,914 - INFO - PVRPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:12,500 - INFO - PVRPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:33:14,004 - INFO - WDLPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:14,594 - INFO - WDLPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:33:16,103 - INFO - BNSPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:16,683 - INFO - BNSPN RAWS.time_raws time array increments are min 0.16666666666666666 max 1.0\n", - "2024-10-13 11:33:17,955 - INFO - SCFPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:18,332 - INFO - SCFPN RAWS.time_raws time array increments are min 0.16666666666666666 max 6.333333333333333\n", - "2024-10-13 11:33:19,437 - INFO - GSHPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:19,814 - INFO - GSHPN RAWS.time_raws time array increments are 0.16666666666666666 hours\n", - "2024-10-13 11:33:20,870 - INFO - LUDPN_202401 HRRR.time time array increments are 1.0 hours\n", - "2024-10-13 11:33:21,251 - INFO - LUDPN RAWS.time_raws time array increments are min 0.16666666666666666 max 0.3333333333333333\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Splitting Timeseries into smaller portions to aid with data filtering. Input data param for max timeseries hours: 3648\n", - "Processing case: PLFI1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PLFI1_202401: 1\n", - "Processing case: SADI1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SADI1_202401: 1\n", - "Processing case: SRFI1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SRFI1_202401: 1\n", - "Processing case: WEFI1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WEFI1_202401: 1\n", - "Processing case: AGFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case AGFO3_202401: 1\n", - "Processing case: ALFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ALFO3_202401: 1\n", - "Processing case: ATFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ATFO3_202401: 1\n", - "Processing case: BGFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BGFO3_202401: 1\n", - "Processing case: BKFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BKFO3_202401: 1\n", - "Processing case: OKFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OKFO3_202401: 1\n", - "Processing case: BCFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BCFO3_202401: 1\n", - "Processing case: BOFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BOFO3_202401: 1\n", - "Processing case: IRFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case IRFO3_202401: 1\n", - "Processing case: PKFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PKFO3_202401: 1\n", - "Processing case: CAFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CAFO3_202401: 1\n", - "Processing case: TPEO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TPEO3_202401: 1\n", - "Processing case: CEFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CEFO3_202401: 1\n", - "Processing case: CIFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CIFO3_202401: 1\n", - "Processing case: CSFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CSFO3_202401: 1\n", - "Processing case: CGFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CGFO3_202401: 1\n", - "Processing case: CPFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CPFO3_202401: 1\n", - "Processing case: CWFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CWFO3_202401: 1\n", - "Processing case: ENFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ENFO3_202401: 1\n", - "Processing case: EMFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case EMFO3_202401: 1\n", - "Processing case: FMFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FMFO3_202401: 1\n", - "Processing case: FEFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FEFO3_202401: 1\n", - "Processing case: GDFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GDFO3_202401: 1\n", - "Processing case: HYFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case HYFO3_202401: 1\n", - "Processing case: KEEO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case KEEO3_202401: 1\n", - "Processing case: LBFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LBFO3_202401: 1\n", - "Processing case: LGFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LGFO3_202401: 1\n", - "Processing case: MSFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MSFO3_202401: 1\n", - "Processing case: OMFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OMFO3_202401: 1\n", - "Processing case: PEFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PEFO3_202401: 1\n", - "Processing case: PYFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PYFO3_202401: 1\n", - "Processing case: QPFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case QPFO3_202401: 1\n", - "Processing case: RXFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RXFO3_202401: 1\n", - "Processing case: BTFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BTFO3_202401: 1\n", - "Processing case: RNFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RNFO3_202401: 1\n", - "Processing case: SDFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SDFO3_202401: 1\n", - "Processing case: SLFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SLFO3_202401: 1\n", - "Processing case: SQFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SQFO3_202401: 1\n", - "Processing case: SGFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SGFO3_202401: 1\n", - "Processing case: TOFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TOFO3_202401: 1\n", - "Processing case: TUFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TUFO3_202401: 1\n", - "Processing case: WMFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WMFO3_202401: 1\n", - "Processing case: WKFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WKFO3_202401: 1\n", - "Processing case: BBFO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BBFO3_202401: 1\n", - "Processing case: BMFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BMFW1_202401: 1\n", - "Processing case: CMFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CMFW1_202401: 1\n", - "Processing case: CYFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CYFW1_202401: 1\n", - "Processing case: CGFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CGFW1_202401: 1\n", - "Processing case: DMFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case DMFW1_202401: 1\n", - "Processing case: DIFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case DIFW1_202401: 1\n", - "Processing case: DRYW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case DRYW1_202401: 1\n", - "Processing case: FIFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FIFW1_202401: 1\n", - "Processing case: FBFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FBFW1_202401: 1\n", - "Processing case: FTFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FTFW1_202401: 1\n", - "Processing case: GHFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GHFW1_202401: 1\n", - "Processing case: HGFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case HGFW1_202401: 1\n", - "Processing case: JEFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case JEFW1_202401: 1\n", - "Processing case: SKKW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SKKW1_202401: 1\n", - "Processing case: KTLW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case KTLW1_202401: 1\n", - "Processing case: KCFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case KCFW1_202401: 1\n", - "Processing case: LCFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LCFW1_202401: 1\n", - "Processing case: LEFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LEFW1_202401: 1\n", - "Processing case: LSFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LSFW1_202401: 1\n", - "Processing case: LLFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LLFW1_202401: 1\n", - "Processing case: NCSW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case NCSW1_202401: 1\n", - "Processing case: OCFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OCFW1_202401: 1\n", - "Processing case: OMFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OMFW1_202401: 1\n", - "Processing case: PMFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PMFW1_202401: 1\n", - "Processing case: PEOW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PEOW1_202401: 1\n", - "Processing case: QCNW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case QCNW1_202401: 1\n", - "Processing case: MEFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MEFW1_202401: 1\n", - "Processing case: FWFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FWFW1_202401: 1\n", - "Processing case: TCFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TCFW1_202401: 1\n", - "Processing case: FTAW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FTAW1_202401: 1\n", - "Processing case: BKRW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BKRW1_202401: 1\n", - "Processing case: VPFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case VPFW1_202401: 1\n", - "Processing case: WPKO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WPKO3_202401: 1\n", - "Processing case: HOOI1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case HOOI1_202401: 1\n", - "Processing case: PLKI1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PLKI1_202401: 1\n", - "Processing case: BLKO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BLKO3_202401: 1\n", - "Processing case: STRW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case STRW1_202401: 1\n", - "Processing case: TOFW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TOFW1_202401: 1\n", - "Processing case: FNWO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FNWO3_202401: 1\n", - "Processing case: KMRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case KMRO3_202401: 1\n", - "Processing case: UMTO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case UMTO3_202401: 1\n", - "Processing case: OTOW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OTOW1_202401: 1\n", - "Processing case: LPOW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LPOW1_202401: 1\n", - "Processing case: TWRW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TWRW1_202401: 1\n", - "Processing case: SDMW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SDMW1_202401: 1\n", - "Processing case: MBMW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MBMW1_202401: 1\n", - "Processing case: DCCW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case DCCW1_202401: 1\n", - "Processing case: OHAW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OHAW1_202401: 1\n", - "Processing case: IMTW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case IMTW1_202401: 1\n", - "Processing case: CHRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CHRO3_202401: 1\n", - "Processing case: BHRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BHRO3_202401: 1\n", - "Processing case: CCRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CCRO3_202401: 1\n", - "Processing case: SMCO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SMCO3_202401: 1\n", - "Processing case: LGPO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LGPO3_202401: 1\n", - "Processing case: EGKO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case EGKO3_202401: 1\n", - "Processing case: FPRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FPRO3_202401: 1\n", - "Processing case: MMRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MMRO3_202401: 1\n", - "Processing case: MLLO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MLLO3_202401: 1\n", - "Processing case: TWRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TWRO3_202401: 1\n", - "Processing case: RKHO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RKHO3_202401: 1\n", - "Processing case: SFKO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SFKO3_202401: 1\n", - "Processing case: SYNO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SYNO3_202401: 1\n", - "Processing case: TMKO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TMKO3_202401: 1\n", - "Processing case: TMRO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TMRO3_202401: 1\n", - "Processing case: WSBO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WSBO3_202401: 1\n", - "Processing case: GELO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GELO3_202401: 1\n", - "Processing case: TS395_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TS395_202401: 1\n", - "Processing case: TS517_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TS517_202401: 1\n", - "Processing case: TS627_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TS627_202401: 1\n", - "Processing case: TS674_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TS674_202401: 1\n", - "Processing case: TS679_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TS679_202401: 1\n", - "Processing case: YTCW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case YTCW1_202401: 1\n", - "Processing case: LLEI1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LLEI1_202401: 1\n", - "Processing case: TT011_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT011_202401: 1\n", - "Processing case: TT020_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT020_202401: 1\n", - "Processing case: TT032_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT032_202401: 1\n", - "Processing case: TT074_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT074_202401: 1\n", - "Processing case: TT077_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT077_202401: 1\n", - "Processing case: TT078_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT078_202401: 1\n", - "Processing case: TT079_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT079_202401: 1\n", - "Processing case: TT091_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT091_202401: 1\n", - "Processing case: TT101_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT101_202401: 1\n", - "Processing case: TT103_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT103_202401: 1\n", - "Processing case: OKPW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OKPW1_202401: 1\n", - "Processing case: TT213_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT213_202401: 1\n", - "Processing case: TT220_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT220_202401: 1\n", - "Processing case: CPOW1_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CPOW1_202401: 1\n", - "Processing case: TT246_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT246_202401: 1\n", - "Processing case: TT259_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT259_202401: 1\n", - "Processing case: TT333_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT333_202401: 1\n", - "Processing case: TT382_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT382_202401: 1\n", - "Processing case: TT483_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT483_202401: 1\n", - "Processing case: TT512_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT512_202401: 1\n", - "Processing case: TT529_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT529_202401: 1\n", - "Processing case: TT535_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT535_202401: 1\n", - "Processing case: TT582_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT582_202401: 1\n", - "Processing case: TT603_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT603_202401: 1\n", - "Processing case: TT604_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT604_202401: 1\n", - "Processing case: TT607_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT607_202401: 1\n", - "Processing case: TT626_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT626_202401: 1\n", - "Processing case: TT638_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT638_202401: 1\n", - "Processing case: RDSPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RDSPN_202401: 1\n", - "Processing case: MTOPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MTOPN_202401: 1\n", - "Processing case: TT692_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT692_202401: 1\n", - "Processing case: TT705_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT705_202401: 1\n", - "Processing case: EACPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case EACPN_202401: 1\n", - "Processing case: SHRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SHRPN_202401: 1\n", - "Processing case: NPJPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case NPJPN_202401: 1\n", - "Processing case: NPPPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case NPPPN_202401: 1\n", - "Processing case: FLZPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FLZPN_202401: 1\n", - "Processing case: SPRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SPRPN_202401: 1\n", - "Processing case: HDRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case HDRPN_202401: 1\n", - "Processing case: HLVPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case HLVPN_202401: 1\n", - "Processing case: SKYPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SKYPN_202401: 1\n", - "Processing case: ESCPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ESCPN_202401: 1\n", - "Processing case: SSMPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SSMPN_202401: 1\n", - "Processing case: BDRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BDRPN_202401: 1\n", - "Processing case: LARPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LARPN_202401: 1\n", - "Processing case: ESBPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ESBPN_202401: 1\n", - "Processing case: SCHPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SCHPN_202401: 1\n", - "Processing case: ESEPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ESEPN_202401: 1\n", - "Processing case: MRTPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MRTPN_202401: 1\n", - "Processing case: KELPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case KELPN_202401: 1\n", - "Processing case: HOWPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case HOWPN_202401: 1\n", - "Processing case: EVNPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case EVNPN_202401: 1\n", - "Processing case: FWRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FWRPN_202401: 1\n", - "Processing case: LEEPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LEEPN_202401: 1\n", - "Processing case: MTSPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MTSPN_202401: 1\n", - "Processing case: GDNPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GDNPN_202401: 1\n", - "Processing case: RDGPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RDGPN_202401: 1\n", - "Processing case: DCRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case DCRPN_202401: 1\n", - "Processing case: MDWPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MDWPN_202401: 1\n", - "Processing case: KNRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case KNRPN_202401: 1\n", - "Processing case: BMPPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BMPPN_202401: 1\n", - "Processing case: PHRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PHRPN_202401: 1\n", - "Processing case: QRDPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case QRDPN_202401: 1\n", - "Processing case: TRNPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TRNPN_202401: 1\n", - "Processing case: SDSPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SDSPN_202401: 1\n", - "Processing case: MSNPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case MSNPN_202401: 1\n", - "Processing case: PTVPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PTVPN_202401: 1\n", - "Processing case: GOSPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GOSPN_202401: 1\n", - "Processing case: GRNPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GRNPN_202401: 1\n", - "Processing case: LTHPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LTHPN_202401: 1\n", - "Processing case: ANDPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ANDPN_202401: 1\n", - "Processing case: THMPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case THMPN_202401: 1\n", - "Processing case: BRNPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BRNPN_202401: 1\n", - "Processing case: O22PN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case O22PN_202401: 1\n", - "Processing case: WLSPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WLSPN_202401: 1\n", - "Processing case: TT759_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT759_202401: 1\n", - "Processing case: TT767_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT767_202401: 1\n", - "Processing case: TT768_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT768_202401: 1\n", - "Processing case: VIAO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case VIAO3_202401: 1\n", - "Processing case: CFGO3_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case CFGO3_202401: 1\n", - "Processing case: OXDPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case OXDPN_202401: 1\n", - "Processing case: GRUPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GRUPN_202401: 1\n", - "Processing case: RAMPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RAMPN_202401: 1\n", - "Processing case: HILPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case HILPN_202401: 1\n", - "Processing case: SBCPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SBCPN_202401: 1\n", - "Processing case: RCRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RCRPN_202401: 1\n", - "Processing case: BLUPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BLUPN_202401: 1\n", - "Processing case: LAMPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LAMPN_202401: 1\n", - "Processing case: NMRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case NMRPN_202401: 1\n", - "Processing case: NWFPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case NWFPN_202401: 1\n", - "Processing case: SHDPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SHDPN_202401: 1\n", - "Processing case: TNCPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TNCPN_202401: 1\n", - "Processing case: BATPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BATPN_202401: 1\n", - "Processing case: STLPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case STLPN_202401: 1\n", - "Processing case: RCKPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case RCKPN_202401: 1\n", - "Processing case: WSNPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WSNPN_202401: 1\n", - "Processing case: FSMPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FSMPN_202401: 1\n", - "Processing case: SWTPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SWTPN_202401: 1\n", - "Processing case: ZENPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case ZENPN_202401: 1\n", - "Processing case: FRGPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case FRGPN_202401: 1\n", - "Processing case: SMVPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SMVPN_202401: 1\n", - "Processing case: SWBPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SWBPN_202401: 1\n", - "Processing case: BPLPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BPLPN_202401: 1\n", - "Processing case: TT803_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case TT803_202401: 1\n", - "Processing case: SRRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SRRPN_202401: 1\n", - "Processing case: PCLPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PCLPN_202401: 1\n", - "Processing case: BLFPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BLFPN_202401: 1\n", - "Processing case: PWLPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PWLPN_202401: 1\n", - "Processing case: PVRPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case PVRPN_202401: 1\n", - "Processing case: WDLPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case WDLPN_202401: 1\n", - "Processing case: BNSPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case BNSPN_202401: 1\n", - "Processing case: SCFPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case SCFPN_202401: 1\n", - "Processing case: GSHPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case GSHPN_202401: 1\n", - "Processing case: LUDPN_202401\n", - "Length of y vector: 3648\n", - "Partitions of length 3648 from case LUDPN_202401: 1\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PLFI1_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SADI1_202401\n", - "Flagging case SADI1_202401 for zero lag stretches greater than param 10\n", - "Flagging case SADI1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SRFI1_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WEFI1_202401\n", - "Flagging case WEFI1_202401 for zero lag stretches greater than param 10\n", - "Flagging case WEFI1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: AGFO3_202401\n", - "Flagging case AGFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case AGFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ALFO3_202401\n", - "Flagging case ALFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case ALFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ATFO3_202401\n", - "Flagging case ATFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case ATFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BGFO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BKFO3_202401\n", - "Flagging case BKFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case BKFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OKFO3_202401\n", - "Flagging case OKFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case OKFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BCFO3_202401\n", - "Flagging case BCFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case BCFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BOFO3_202401\n", - "Flagging case BOFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case BOFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: IRFO3_202401\n", - "Flagging case IRFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case IRFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PKFO3_202401\n", - "Flagging case PKFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case PKFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CAFO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TPEO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CEFO3_202401\n", - "Flagging case CEFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case CEFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CIFO3_202401\n", - "Flagging case CIFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case CIFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CSFO3_202401\n", - "Flagging case CSFO3_202401 for zero lag stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CGFO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CPFO3_202401\n", - "Flagging case CPFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case CPFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CWFO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ENFO3_202401\n", - "Flagging case ENFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case ENFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: EMFO3_202401\n", - "Flagging case EMFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case EMFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FMFO3_202401\n", - "Flagging case FMFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case FMFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FEFO3_202401\n", - "Flagging case FEFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case FEFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GDFO3_202401\n", - "Flagging case GDFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case GDFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: HYFO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: KEEO3_202401\n", - "Flagging case KEEO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case KEEO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LBFO3_202401\n", - "Flagging case LBFO3_202401 for zero lag stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LGFO3_202401\n", - "Flagging case LGFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case LGFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MSFO3_202401\n", - "Flagging case MSFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case MSFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OMFO3_202401\n", - "Flagging case OMFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case OMFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PEFO3_202401\n", - "Flagging case PEFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case PEFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PYFO3_202401\n", - "Flagging case PYFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case PYFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: QPFO3_202401\n", - "Flagging case QPFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case QPFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RXFO3_202401\n", - "Flagging case RXFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case RXFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BTFO3_202401\n", - "Flagging case BTFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case BTFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RNFO3_202401\n", - "Flagging case RNFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case RNFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SDFO3_202401\n", - "Flagging case SDFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case SDFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SLFO3_202401\n", - "Flagging case SLFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case SLFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SQFO3_202401\n", - "Flagging case SQFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case SQFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SGFO3_202401\n", - "Flagging case SGFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case SGFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TOFO3_202401\n", - "Flagging case TOFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case TOFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TUFO3_202401\n", - "Flagging case TUFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case TUFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WMFO3_202401\n", - "Flagging case WMFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case WMFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WKFO3_202401\n", - "Flagging case WKFO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case WKFO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BBFO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BMFW1_202401\n", - "Flagging case BMFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case BMFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CMFW1_202401\n", - "Flagging case CMFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case CMFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CYFW1_202401\n", - "Flagging case CYFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case CYFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CGFW1_202401\n", - "Flagging case CGFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: DMFW1_202401\n", - "Flagging case DMFW1_202401 for zero lag stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: DIFW1_202401\n", - "Flagging case DIFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case DIFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: DRYW1_202401\n", - "Flagging case DRYW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case DRYW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FIFW1_202401\n", - "Flagging case FIFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case FIFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FBFW1_202401\n", - "Flagging case FBFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case FBFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FTFW1_202401\n", - "Flagging case FTFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case FTFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GHFW1_202401\n", - "Flagging case GHFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case GHFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: HGFW1_202401\n", - "Flagging case HGFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case HGFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: JEFW1_202401\n", - "Flagging case JEFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case JEFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SKKW1_202401\n", - "Flagging case SKKW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case SKKW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: KTLW1_202401\n", - "Flagging case KTLW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case KTLW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: KCFW1_202401\n", - "Flagging case KCFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case KCFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LCFW1_202401\n", - "Flagging case LCFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case LCFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LEFW1_202401\n", - "Flagging case LEFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case LEFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LSFW1_202401\n", - "Flagging case LSFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case LSFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LLFW1_202401\n", - "Flagging case LLFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case LLFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: NCSW1_202401\n", - "Flagging case NCSW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case NCSW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OCFW1_202401\n", - "Flagging case OCFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case OCFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OMFW1_202401\n", - "Flagging case OMFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case OMFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PMFW1_202401\n", - "Flagging case PMFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case PMFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PEOW1_202401\n", - "Flagging case PEOW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case PEOW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: QCNW1_202401\n", - "Flagging case QCNW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case QCNW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MEFW1_202401\n", - "Flagging case MEFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case MEFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FWFW1_202401\n", - "Flagging case FWFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case FWFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TCFW1_202401\n", - "Flagging case TCFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case TCFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FTAW1_202401\n", - "Flagging case FTAW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case FTAW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BKRW1_202401\n", - "Flagging case BKRW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case BKRW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: VPFW1_202401\n", - "Flagging case VPFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case VPFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WPKO3_202401\n", - "Flagging case WPKO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case WPKO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: HOOI1_202401\n", - "Flagging case HOOI1_202401 for zero lag stretches greater than param 10\n", - "Flagging case HOOI1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PLKI1_202401\n", - "Flagging case PLKI1_202401 for zero lag stretches greater than param 10\n", - "Flagging case PLKI1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BLKO3_202401\n", - "Flagging case BLKO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case BLKO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: STRW1_202401\n", - "Flagging case STRW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case STRW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TOFW1_202401\n", - "Flagging case TOFW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case TOFW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FNWO3_202401\n", - "Flagging case FNWO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case FNWO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: KMRO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: UMTO3_202401\n", - "Flagging case UMTO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case UMTO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OTOW1_202401\n", - "Flagging case OTOW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case OTOW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LPOW1_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TWRW1_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SDMW1_202401\n", - "Flagging case SDMW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case SDMW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MBMW1_202401\n", - "Flagging case MBMW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case MBMW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: DCCW1_202401\n", - "Flagging case DCCW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case DCCW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OHAW1_202401\n", - "Flagging case OHAW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case OHAW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: IMTW1_202401\n", - "Flagging case IMTW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case IMTW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CHRO3_202401\n", - "Flagging case CHRO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case CHRO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BHRO3_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CCRO3_202401\n", - "Flagging case CCRO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case CCRO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SMCO3_202401\n", - "Flagging case SMCO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case SMCO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LGPO3_202401\n", - "Flagging case LGPO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case LGPO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: EGKO3_202401\n", - "Flagging case EGKO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case EGKO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FPRO3_202401\n", - "Flagging case FPRO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case FPRO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MMRO3_202401\n", - "Flagging case MMRO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case MMRO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MLLO3_202401\n", - "Flagging case MLLO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case MLLO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TWRO3_202401\n", - "Flagging case TWRO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case TWRO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RKHO3_202401\n", - "Flagging case RKHO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case RKHO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SFKO3_202401\n", - "Flagging case SFKO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case SFKO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SYNO3_202401\n", - "Flagging case SYNO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case SYNO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TMKO3_202401\n", - "Flagging case TMKO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case TMKO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TMRO3_202401\n", - "Flagging case TMRO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case TMRO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WSBO3_202401\n", - "Flagging case WSBO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case WSBO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GELO3_202401\n", - "Flagging case GELO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case GELO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TS395_202401\n", - "Flagging case TS395_202401 for zero lag stretches greater than param 10\n", - "Flagging case TS395_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TS517_202401\n", - "Flagging case TS517_202401 for zero lag stretches greater than param 10\n", - "Flagging case TS517_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TS627_202401\n", - "Flagging case TS627_202401 for zero lag stretches greater than param 10\n", - "Flagging case TS627_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TS674_202401\n", - "Flagging case TS674_202401 for zero lag stretches greater than param 10\n", - "Flagging case TS674_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TS679_202401\n", - "Flagging case TS679_202401 for zero lag stretches greater than param 10\n", - "Flagging case TS679_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: YTCW1_202401\n", - "Flagging case YTCW1_202401 for zero lag stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LLEI1_202401\n", - "Flagging case LLEI1_202401 for zero lag stretches greater than param 10\n", - "Flagging case LLEI1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT011_202401\n", - "Flagging case TT011_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT011_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT020_202401\n", - "Flagging case TT020_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT020_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT032_202401\n", - "Flagging case TT032_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT032_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT074_202401\n", - "Flagging case TT074_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT074_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT077_202401\n", - "Flagging case TT077_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT077_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT078_202401\n", - "Flagging case TT078_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT078_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT079_202401\n", - "Flagging case TT079_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT079_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT091_202401\n", - "Flagging case TT091_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT091_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT101_202401\n", - "Flagging case TT101_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT101_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT103_202401\n", - "Flagging case TT103_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OKPW1_202401\n", - "Flagging case OKPW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case OKPW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT213_202401\n", - "Flagging case TT213_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT213_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT220_202401\n", - "Flagging case TT220_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT220_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CPOW1_202401\n", - "Flagging case CPOW1_202401 for zero lag stretches greater than param 10\n", - "Flagging case CPOW1_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT246_202401\n", - "Flagging case TT246_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT246_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT259_202401\n", - "Flagging case TT259_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT259_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT333_202401\n", - "Flagging case TT333_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT333_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT382_202401\n", - "Flagging case TT382_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT382_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT483_202401\n", - "Flagging case TT483_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT483_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT512_202401\n", - "Flagging case TT512_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT512_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT529_202401\n", - "Flagging case TT529_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT529_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT535_202401\n", - "Flagging case TT535_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT535_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT582_202401\n", - "Flagging case TT582_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT582_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT603_202401\n", - "Flagging case TT603_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT603_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT604_202401\n", - "Flagging case TT604_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT604_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT607_202401\n", - "Flagging case TT607_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT626_202401\n", - "Flagging case TT626_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT626_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT638_202401\n", - "Flagging case TT638_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT638_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RDSPN_202401\n", - "Flagging case RDSPN_202401 for FMC outside param range (1, 90). FMC range for RDSPN_202401: (3.74, 96.6)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MTOPN_202401\n", - "Flagging case MTOPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case MTOPN_202401 for constant linear stretches greater than param 10\n", - "Flagging case MTOPN_202401 for FMC outside param range (1, 90). FMC range for MTOPN_202401: (6.11, 100.0)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT692_202401\n", - "Flagging case TT692_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT692_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT705_202401\n", - "Flagging case TT705_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT705_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: EACPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SHRPN_202401\n", - "Flagging case SHRPN_202401 for FMC outside param range (1, 90). FMC range for SHRPN_202401: (5.9, 93.2)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: NPJPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: NPPPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FLZPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SPRPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: HDRPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: HLVPN_202401\n", - "Flagging case HLVPN_202401 for FMC outside param range (1, 90). FMC range for HLVPN_202401: (5.79, 93.2)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SKYPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ESCPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SSMPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BDRPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LARPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ESBPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SCHPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ESEPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MRTPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: KELPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: HOWPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: EVNPN_202401\n", - "Flagging case EVNPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FWRPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LEEPN_202401\n", - "Flagging case LEEPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case LEEPN_202401 for constant linear stretches greater than param 10\n", - "Flagging case LEEPN_202401 for FMC outside param range (1, 90). FMC range for LEEPN_202401: (3.54, 100.0)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MTSPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GDNPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RDGPN_202401\n", - "Flagging case RDGPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: DCRPN_202401\n", - "Flagging case DCRPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MDWPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: KNRPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BMPPN_202401\n", - "Flagging case BMPPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PHRPN_202401\n", - "Flagging case PHRPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case PHRPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: QRDPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TRNPN_202401\n", - "Flagging case TRNPN_202401 for FMC outside param range (1, 90). FMC range for TRNPN_202401: (4.87, 94.5)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SDSPN_202401\n", - "Flagging case SDSPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: MSNPN_202401\n", - "Flagging case MSNPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case MSNPN_202401 for constant linear stretches greater than param 10\n", - "Flagging case MSNPN_202401 for FMC outside param range (1, 90). FMC range for MSNPN_202401: (7.95, 99.93333333333334)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PTVPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GOSPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GRNPN_202401\n", - "Flagging case GRNPN_202401 for constant linear stretches greater than param 10\n", - "Flagging case GRNPN_202401 for FMC outside param range (1, 90). FMC range for GRNPN_202401: (5.97, 100.0)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LTHPN_202401\n", - "Flagging case LTHPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ANDPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: THMPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BRNPN_202401\n", - "Flagging case BRNPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: O22PN_202401\n", - "Flagging case O22PN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WLSPN_202401\n", - "Flagging case WLSPN_202401 for FMC outside param range (1, 90). FMC range for WLSPN_202401: (2.89, 91.7)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT759_202401\n", - "Flagging case TT759_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT759_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT767_202401\n", - "Flagging case TT767_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT767_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT768_202401\n", - "Flagging case TT768_202401 for zero lag stretches greater than param 10\n", - "Flagging case TT768_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: VIAO3_202401\n", - "Flagging case VIAO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case VIAO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: CFGO3_202401\n", - "Flagging case CFGO3_202401 for zero lag stretches greater than param 10\n", - "Flagging case CFGO3_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: OXDPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GRUPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RAMPN_202401\n", - "Flagging case RAMPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: HILPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SBCPN_202401\n", - "Flagging case SBCPN_202401 for FMC outside param range (1, 90). FMC range for SBCPN_202401: (2.96, 94.9)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RCRPN_202401\n", - "Flagging case RCRPN_202401 for FMC outside param range (1, 90). FMC range for RCRPN_202401: (7.83, 91.6)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BLUPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LAMPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: NMRPN_202401\n", - "Flagging case NMRPN_202401 for FMC outside param range (1, 90). FMC range for NMRPN_202401: (0.01, 78.53)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: NWFPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SHDPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TNCPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BATPN_202401\n", - "Flagging case BATPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case BATPN_202401 for constant linear stretches greater than param 10\n", - "Flagging case BATPN_202401 for FMC outside param range (1, 90). FMC range for BATPN_202401: (0.01, 87.9)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: STLPN_202401\n", - "Flagging case STLPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case STLPN_202401 for constant linear stretches greater than param 10\n", - "Flagging case STLPN_202401 for FMC outside param range (1, 90). FMC range for STLPN_202401: (0.01, 56.484)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: RCKPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WSNPN_202401\n", - "Flagging case WSNPN_202401 for FMC outside param range (1, 90). FMC range for WSNPN_202401: (4.6, 95.1)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FSMPN_202401\n", - "Flagging case FSMPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case FSMPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SWTPN_202401\n", - "Flagging case SWTPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case SWTPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: ZENPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: FRGPN_202401\n", - "Flagging case FRGPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case FRGPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SMVPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SWBPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BPLPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: TT803_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SRRPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PCLPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BLFPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PWLPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: PVRPN_202401\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: WDLPN_202401\n", - "Flagging case WDLPN_202401 for FMC outside param range (1, 90). FMC range for WDLPN_202401: (5.8, 90.1)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: BNSPN_202401\n", - "Flagging case BNSPN_202401 for FMC outside param range (1, 90). FMC range for BNSPN_202401: (0.07, 93.2)\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: SCFPN_202401\n", - "Flagging case SCFPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case SCFPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: GSHPN_202401\n", - "Flagging case GSHPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case GSHPN_202401 for constant linear stretches greater than param 10\n", - "~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~\n", - "Case: LUDPN_202401\n", - "Flagging case LUDPN_202401 for zero lag stretches greater than param 10\n", - "Flagging case LUDPN_202401 for constant linear stretches greater than param 10\n", - "Removing key SADI1_202401 due to data flags\n", - "Removing key WEFI1_202401 due to data flags\n", - "Removing key AGFO3_202401 due to data flags\n", - "Removing key ALFO3_202401 due to data flags\n", - "Removing key ATFO3_202401 due to data flags\n", - "Removing key BKFO3_202401 due to data flags\n", - "Removing key OKFO3_202401 due to data flags\n", - "Removing key BCFO3_202401 due to data flags\n", - "Removing key BOFO3_202401 due to data flags\n", - "Removing key IRFO3_202401 due to data flags\n", - "Removing key PKFO3_202401 due to data flags\n", - "Removing key CEFO3_202401 due to data flags\n", - "Removing key CIFO3_202401 due to data flags\n", - "Removing key CSFO3_202401 due to data flags\n", - "Removing key CPFO3_202401 due to data flags\n", - "Removing key ENFO3_202401 due to data flags\n", - "Removing key EMFO3_202401 due to data flags\n", - "Removing key FMFO3_202401 due to data flags\n", - "Removing key FEFO3_202401 due to data flags\n", - "Removing key GDFO3_202401 due to data flags\n", - "Removing key KEEO3_202401 due to data flags\n", - "Removing key LBFO3_202401 due to data flags\n", - "Removing key LGFO3_202401 due to data flags\n", - "Removing key MSFO3_202401 due to data flags\n", - "Removing key OMFO3_202401 due to data flags\n", - "Removing key PEFO3_202401 due to data flags\n", - "Removing key PYFO3_202401 due to data flags\n", - "Removing key QPFO3_202401 due to data flags\n", - "Removing key RXFO3_202401 due to data flags\n", - "Removing key BTFO3_202401 due to data flags\n", - "Removing key RNFO3_202401 due to data flags\n", - "Removing key SDFO3_202401 due to data flags\n", - "Removing key SLFO3_202401 due to data flags\n", - "Removing key SQFO3_202401 due to data flags\n", - "Removing key SGFO3_202401 due to data flags\n", - "Removing key TOFO3_202401 due to data flags\n", - "Removing key TUFO3_202401 due to data flags\n", - "Removing key WMFO3_202401 due to data flags\n", - "Removing key WKFO3_202401 due to data flags\n", - "Removing key BMFW1_202401 due to data flags\n", - "Removing key CMFW1_202401 due to data flags\n", - "Removing key CYFW1_202401 due to data flags\n", - "Removing key CGFW1_202401 due to data flags\n", - "Removing key DMFW1_202401 due to data flags\n", - "Removing key DIFW1_202401 due to data flags\n", - "Removing key DRYW1_202401 due to data flags\n", - "Removing key FIFW1_202401 due to data flags\n", - "Removing key FBFW1_202401 due to data flags\n", - "Removing key FTFW1_202401 due to data flags\n", - "Removing key GHFW1_202401 due to data flags\n", - "Removing key HGFW1_202401 due to data flags\n", - "Removing key JEFW1_202401 due to data flags\n", - "Removing key SKKW1_202401 due to data flags\n", - "Removing key KTLW1_202401 due to data flags\n", - "Removing key KCFW1_202401 due to data flags\n", - "Removing key LCFW1_202401 due to data flags\n", - "Removing key LEFW1_202401 due to data flags\n", - "Removing key LSFW1_202401 due to data flags\n", - "Removing key LLFW1_202401 due to data flags\n", - "Removing key NCSW1_202401 due to data flags\n", - "Removing key OCFW1_202401 due to data flags\n", - "Removing key OMFW1_202401 due to data flags\n", - "Removing key PMFW1_202401 due to data flags\n", - "Removing key PEOW1_202401 due to data flags\n", - "Removing key QCNW1_202401 due to data flags\n", - "Removing key MEFW1_202401 due to data flags\n", - "Removing key FWFW1_202401 due to data flags\n", - "Removing key TCFW1_202401 due to data flags\n", - "Removing key FTAW1_202401 due to data flags\n", - "Removing key BKRW1_202401 due to data flags\n", - "Removing key VPFW1_202401 due to data flags\n", - "Removing key WPKO3_202401 due to data flags\n", - "Removing key HOOI1_202401 due to data flags\n", - "Removing key PLKI1_202401 due to data flags\n", - "Removing key BLKO3_202401 due to data flags\n", - "Removing key STRW1_202401 due to data flags\n", - "Removing key TOFW1_202401 due to data flags\n", - "Removing key FNWO3_202401 due to data flags\n", - "Removing key UMTO3_202401 due to data flags\n", - "Removing key OTOW1_202401 due to data flags\n", - "Removing key SDMW1_202401 due to data flags\n", - "Removing key MBMW1_202401 due to data flags\n", - "Removing key DCCW1_202401 due to data flags\n", - "Removing key OHAW1_202401 due to data flags\n", - "Removing key IMTW1_202401 due to data flags\n", - "Removing key CHRO3_202401 due to data flags\n", - "Removing key CCRO3_202401 due to data flags\n", - "Removing key SMCO3_202401 due to data flags\n", - "Removing key LGPO3_202401 due to data flags\n", - "Removing key EGKO3_202401 due to data flags\n", - "Removing key FPRO3_202401 due to data flags\n", - "Removing key MMRO3_202401 due to data flags\n", - "Removing key MLLO3_202401 due to data flags\n", - "Removing key TWRO3_202401 due to data flags\n", - "Removing key RKHO3_202401 due to data flags\n", - "Removing key SFKO3_202401 due to data flags\n", - "Removing key SYNO3_202401 due to data flags\n", - "Removing key TMKO3_202401 due to data flags\n", - "Removing key TMRO3_202401 due to data flags\n", - "Removing key WSBO3_202401 due to data flags\n", - "Removing key GELO3_202401 due to data flags\n", - "Removing key TS395_202401 due to data flags\n", - "Removing key TS517_202401 due to data flags\n", - "Removing key TS627_202401 due to data flags\n", - "Removing key TS674_202401 due to data flags\n", - "Removing key TS679_202401 due to data flags\n", - "Removing key YTCW1_202401 due to data flags\n", - "Removing key LLEI1_202401 due to data flags\n", - "Removing key TT011_202401 due to data flags\n", - "Removing key TT020_202401 due to data flags\n", - "Removing key TT032_202401 due to data flags\n", - "Removing key TT074_202401 due to data flags\n", - "Removing key TT077_202401 due to data flags\n", - "Removing key TT078_202401 due to data flags\n", - "Removing key TT079_202401 due to data flags\n", - "Removing key TT091_202401 due to data flags\n", - "Removing key TT101_202401 due to data flags\n", - "Removing key TT103_202401 due to data flags\n", - "Removing key OKPW1_202401 due to data flags\n", - "Removing key TT213_202401 due to data flags\n", - "Removing key TT220_202401 due to data flags\n", - "Removing key CPOW1_202401 due to data flags\n", - "Removing key TT246_202401 due to data flags\n", - "Removing key TT259_202401 due to data flags\n", - "Removing key TT333_202401 due to data flags\n", - "Removing key TT382_202401 due to data flags\n", - "Removing key TT483_202401 due to data flags\n", - "Removing key TT512_202401 due to data flags\n", - "Removing key TT529_202401 due to data flags\n", - "Removing key TT535_202401 due to data flags\n", - "Removing key TT582_202401 due to data flags\n", - "Removing key TT603_202401 due to data flags\n", - "Removing key TT604_202401 due to data flags\n", - "Removing key TT607_202401 due to data flags\n", - "Removing key TT626_202401 due to data flags\n", - "Removing key TT638_202401 due to data flags\n", - "Removing key RDSPN_202401 due to data flags\n", - "Removing key MTOPN_202401 due to data flags\n", - "Removing key TT692_202401 due to data flags\n", - "Removing key TT705_202401 due to data flags\n", - "Removing key SHRPN_202401 due to data flags\n", - "Removing key HLVPN_202401 due to data flags\n", - "Removing key EVNPN_202401 due to data flags\n", - "Removing key LEEPN_202401 due to data flags\n", - "Removing key RDGPN_202401 due to data flags\n", - "Removing key DCRPN_202401 due to data flags\n", - "Removing key BMPPN_202401 due to data flags\n", - "Removing key PHRPN_202401 due to data flags\n", - "Removing key TRNPN_202401 due to data flags\n", - "Removing key SDSPN_202401 due to data flags\n", - "Removing key MSNPN_202401 due to data flags\n", - "Removing key GRNPN_202401 due to data flags\n", - "Removing key LTHPN_202401 due to data flags\n", - "Removing key BRNPN_202401 due to data flags\n", - "Removing key O22PN_202401 due to data flags\n", - "Removing key WLSPN_202401 due to data flags\n", - "Removing key TT759_202401 due to data flags\n", - "Removing key TT767_202401 due to data flags\n", - "Removing key TT768_202401 due to data flags\n", - "Removing key VIAO3_202401 due to data flags\n", - "Removing key CFGO3_202401 due to data flags\n", - "Removing key RAMPN_202401 due to data flags\n", - "Removing key SBCPN_202401 due to data flags\n", - "Removing key RCRPN_202401 due to data flags\n", - "Removing key NMRPN_202401 due to data flags\n", - "Removing key BATPN_202401 due to data flags\n", - "Removing key STLPN_202401 due to data flags\n", - "Removing key WSNPN_202401 due to data flags\n", - "Removing key FSMPN_202401 due to data flags\n", - "Removing key SWTPN_202401 due to data flags\n", - "Removing key FRGPN_202401 due to data flags\n", - "Removing key WDLPN_202401 due to data flags\n", - "Removing key BNSPN_202401 due to data flags\n", - "Removing key SCFPN_202401 due to data flags\n", - "Removing key GSHPN_202401 due to data flags\n", - "Removing key LUDPN_202401 due to data flags\n" - ] - } - ], - "source": [ - "# train = build_train_dict(file_paths, params_data, spatial=False, forecast_step=0)\n", - "# train1 = build_train_dict(file_paths, params_data, spatial=False, forecast_step=1, drop_na=False)\n", - "# train2 = build_train_dict(file_paths, params_data, spatial=False, forecast_step=2, drop_na=False)\n", - "# train3 = build_train_dict(file_paths, params_data, spatial=False, forecast_step=3, drop_na=False)\n", - "trainr = build_train_dict(file_paths, params_data, spatial=False, atm_source = \"RAWS\", drop_na=False)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "46212800-55bd-46c6-84f9-abf395f863df", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "669cacb5-4561-4d64-98f7-0be6dbe0af1c", - "metadata": {}, - "outputs": [], - "source": [ - "train['PLFI1_202401'].keys()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "dab28da5-1f75-4285-9c5b-c506d1f7d8f5", - "metadata": {}, - "outputs": [], - "source": [ - "case = \"PLFI1_202401\"" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "b92fcff1-75da-480b-8d4b-3addc5588b61", - "metadata": {}, - "outputs": [], - "source": [ - "plt.plot(train[case]['X'][90:110, -1], label = \"f00\")\n", - "plt.plot(train1[case]['X'][90:110, -1], label = \"f01\")\n", - "plt.plot(train2[case]['X'][90:110, -1], label = \"f02\")\n", - "plt.plot(train3[case]['X'][90:110, -1], label = \"f03\")\n", - "plt.plot(trainr[case]['X'][90:110, -1], label = \"RAWS\")\n", - "plt.axvline(13, color = 'k', linestyle='dashed')\n", - "plt.legend()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "0f4a1c0e-e360-4211-b90e-b26dd5ad422f", - "metadata": {}, - "outputs": [], - "source": [ - "train3[case]['X'][0:5, 5]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "26c7ce12-4313-43c5-aad4-6ca5f1f300dc", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "d4ae0060-cb74-4dc7-976d-cee0461a3f9e", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": 8, - "id": "69f5e059-81b2-48c9-b8e3-615917d490d5", - "metadata": {}, - "outputs": [], - "source": [ - "def rnn_data_wrap(dict0, params):\n", - " rnn_dat = RNNData(\n", - " dict0, # input dictionary\n", - " scaler=\"standard\", # data scaling type\n", - " features_list = params['features_list'] # features for predicting outcome\n", - " )\n", - " \n", - " \n", - " rnn_dat.train_test_split( \n", - " time_fracs = params['time_fracs'], # Percent of total time steps used for train/val/test\n", - " space_fracs = params['space_fracs'] # Percent of total timeseries used for train/val/test\n", - " )\n", - " rnn_dat.scale_data()\n", - " \n", - " rnn_dat.batch_reshape(\n", - " timesteps = params['timesteps'], # Timesteps aka sequence length for RNN input data. \n", - " batch_size = params['batch_size'], # Number of samples of length timesteps for a single round of grad. descent\n", - " start_times = np.zeros(len(rnn_dat.loc['train_locs']))\n", - " ) \n", - " \n", - " return rnn_dat" - ] - }, - { - "cell_type": "code", - "execution_count": 45, - "id": "d1d679c8-1755-4466-bc57-0502a7f1c9ea", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Calculating shape params based on features list, timesteps, and batch size\n", - "Input Feature List: ['Ed', 'Ew', 'rain']\n", - "Input Timesteps: 12\n", - "Input Batch Size: 32\n", - "Calculated params:\n", - "Number of features: 3\n", - "Batch Shape: (32, 12, 3)\n", - "{'batch_size': 32, 'timesteps': 12, 'optimizer': 'adam', 'rnn_layers': 1, 'rnn_units': 20, 'dense_layers': 2, 'dense_units': 30, 'activation': ['tanh', 'tanh'], 'dropout': [0.2, 0.2], 'recurrent_dropout': 0.2, 'reset_states': True, 'batch_schedule_type': 'exp', 'bmin': 20, 'bmax': 720, 'epochs': 200, 'learning_rate': 0.001, 'clipvalue': 10.0, 'phys_initialize': False, 'stateful': True, 'verbose_weights': True, 'verbose_fit': False, 'features_list': ['Ed', 'Ew', 'rain'], 'scale': True, 'scaler': 'standard', 'time_fracs': [0.9, 0.05, 0.05], 'early_stopping_patience': 30, 'predict_spinup_hours': 5, 'n_features': 3, 'batch_shape': (32, 12, 3), 'recurrent_layers': 2, 'recurrent_units': 30}\n" - ] - } - ], - "source": [ - "params.update({'features_list': ['Ed', 'Ew', 'rain']})" - ] - }, - { - "cell_type": "code", - "execution_count": 46, - "id": "e0f06cf1-6ea1-4ed2-8e50-3306eb9a1ebd", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "59" - ] - }, - "execution_count": 46, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(trainr.keys())" - ] - }, - { - "cell_type": "code", - "execution_count": 47, - "id": "4d99736c-3915-4e71-a6f3-693798f49e6e", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "dict_keys(['time', 'X', 'y', 'id', 'case', 'filename', 'loc', 'features_list', 'atm_source', 'forecast_step', 'hours'])" - ] - }, - "execution_count": 47, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "trainr['PLFI1_202401'].keys()" - ] - }, - { - "cell_type": "code", - "execution_count": 48, - "id": "abfe52ba-f4a5-4bde-9d2e-b571b7a062b3", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Subsetting to cases with features: ['Ed', 'Ew', 'rain']\n", - "Removing EACPN_202401 due to missing features\n", - "Removing NPJPN_202401 due to missing features\n", - "Removing NPPPN_202401 due to missing features\n", - "Removing FLZPN_202401 due to missing features\n", - "Removing SPRPN_202401 due to missing features\n", - "Removing HDRPN_202401 due to missing features\n", - "Removing SKYPN_202401 due to missing features\n", - "Removing ESCPN_202401 due to missing features\n", - "Removing SSMPN_202401 due to missing features\n", - "Removing BDRPN_202401 due to missing features\n", - "Removing LARPN_202401 due to missing features\n", - "Removing ESBPN_202401 due to missing features\n", - "Removing SCHPN_202401 due to missing features\n", - "Removing ESEPN_202401 due to missing features\n", - "Removing MRTPN_202401 due to missing features\n", - "Removing KELPN_202401 due to missing features\n", - "Removing HOWPN_202401 due to missing features\n", - "Removing FWRPN_202401 due to missing features\n", - "Removing MTSPN_202401 due to missing features\n", - "Removing GDNPN_202401 due to missing features\n", - "Removing MDWPN_202401 due to missing features\n", - "Removing KNRPN_202401 due to missing features\n", - "Removing QRDPN_202401 due to missing features\n", - "Removing PTVPN_202401 due to missing features\n", - "Removing GOSPN_202401 due to missing features\n", - "Removing ANDPN_202401 due to missing features\n", - "Removing THMPN_202401 due to missing features\n", - "Removing OXDPN_202401 due to missing features\n", - "Removing GRUPN_202401 due to missing features\n", - "Removing HILPN_202401 due to missing features\n", - "Removing BLUPN_202401 due to missing features\n", - "Removing LAMPN_202401 due to missing features\n", - "Removing NWFPN_202401 due to missing features\n", - "Removing SHDPN_202401 due to missing features\n", - "Removing TNCPN_202401 due to missing features\n", - "Removing RCKPN_202401 due to missing features\n", - "Removing ZENPN_202401 due to missing features\n", - "Removing SMVPN_202401 due to missing features\n", - "Removing SWBPN_202401 due to missing features\n", - "Removing BPLPN_202401 due to missing features\n", - "Removing SRRPN_202401 due to missing features\n", - "Removing PCLPN_202401 due to missing features\n", - "Removing BLFPN_202401 due to missing features\n", - "Removing PWLPN_202401 due to missing features\n", - "Removing PVRPN_202401 due to missing features\n" - ] - } - ], - "source": [ - "trainr = subset_by_features(trainr, params['features_list'])" - ] - }, - { - "cell_type": "code", - "execution_count": 49, - "id": "59f42d71-558f-4f2a-9e83-a42302166c6f", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "14" - ] - }, - "execution_count": 49, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "len(trainr.keys())" - ] - }, - { - "cell_type": "code", - "execution_count": 50, - "id": "2ee57437-c4db-4319-9fa3-c176e2b1c236", - "metadata": {}, - "outputs": [], - "source": [ - "import importlib\n", - "import data_funcs\n", - "importlib.reload(data_funcs)\n", - "from data_funcs import combine_nested, subset_by_features" - ] - }, - { - "cell_type": "code", - "execution_count": 51, - "id": "95d0882c-f7d5-4e74-8c7a-e22708cae0ab", - "metadata": {}, - "outputs": [], - "source": [ - "d = combine_nested(trainr)" - ] - }, - { - "cell_type": "code", - "execution_count": 52, - "id": "9e21ea44-1646-43b8-8cc4-3271c0f22b06", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['doy',\n", - " 'hod',\n", - " 'elev',\n", - " 'lon',\n", - " 'lat',\n", - " 'temp',\n", - " 'rh',\n", - " 'wind',\n", - " 'solar',\n", - " 'Ed',\n", - " 'Ew',\n", - " 'rain']" - ] - }, - "execution_count": 52, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "d['features_list']" - ] - }, - { - "cell_type": "code", - "execution_count": 53, - "id": "1dfef8b3-3540-44bc-a8ab-2a17fa8c960a", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "['Ed', 'Ew', 'rain']" - ] - }, - "execution_count": 53, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "params['features_list']" - ] - }, - { - "cell_type": "code", - "execution_count": 55, - "id": "e4ced0f9-fa1a-401e-94b6-dd21640c2ea3", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Input data from multiple timeseries.\n", - "Setting data scaler: standard\n", - "Setting features_list to ['Ed', 'rain']. \n", - " NOTE: not subsetting features yet. That happens in train_test_split.\n", - "Subsetting input data to features_list: ['Ed', 'rain']\n", - "Train index: 0 to 2918\n", - "Validation index: 2918 to 3283\n", - "Test index: 3283 to 3648\n", - "Subsetting locations into train/val/test\n", - "Total Locations: 14\n", - "Train Locations: 11\n", - "Val. Locations: 1\n", - "Test Locations: 2\n", - "X_train[0] shape: (2918, 2), y_train[0] shape: (2918, 1)\n", - "X_val[0] shape: (365, 2), y_val[0] shape: (365, 1)\n", - "X_test[0] shape: (365, 2), y_test[0] shape: (365, 1)\n", - "Scaling training data with scaler StandardScaler(), fitting on X_train\n", - "Reshaping spatial training data using batch size: 32 and timesteps: 12\n", - "Setting total hours to minimum length of y in provided dictionary\n", - "Reshaping validation data using batch size: 32 and timesteps: 12\n", - "Setting total hours to minimum length of y in provided dictionary\n", - "Reshaping test data by stacking. Output dimension will be (n_locs, test_hours, features)\n", - "X_test shape: (2, 365, 2)\n", - "y_test shape: (2, 365, 1)\n" - ] - } - ], - "source": [ - "rnn_dat = RNNData(\n", - " d, # input dictionary\n", - " scaler=\"standard\", # data scaling type\n", - " features_list = ['Ed', 'rain'] # features for predicting outcome\n", - ")\n", - "\n", - "\n", - "rnn_dat.train_test_split( \n", - " time_fracs = [.8, .1, .1], # Percent of total time steps used for train/val/test\n", - " space_fracs = [.8, .1, .1] # Percent of total timeseries used for train/val/test\n", - ")\n", - "rnn_dat.scale_data()\n", - "\n", - "rnn_dat.batch_reshape(\n", - " timesteps = params['timesteps'], # Timesteps aka sequence length for RNN input data. \n", - " batch_size = params['batch_size'], # Number of samples of length timesteps for a single round of grad. descent\n", - " start_times = np.zeros(len(rnn_dat.loc['train_locs']))\n", - ") " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "cee55474-804c-4446-ab7b-ca95aa522089", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "a1d7077c-51fb-4d72-bbde-f3fbc2f2ed46", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "3dbb6f24-4435-47b3-90c6-6176582b0d4c", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "markdown", - "id": "6322f0bc-107d-40a5-96dc-804495085a99", - "metadata": { - "jp-MarkdownHeadingCollapsed": true - }, - "source": [ - "## Test Other ML" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "12992b9a-407f-4131-ac61-e1dc338386bf", - "metadata": {}, - "outputs": [], - "source": [ - "params = read_yml(\"params.yaml\", subkey='xgb')\n", - "params" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "f214fdf8-bb76-4912-8f8c-5d0c8c1230c2", - "metadata": {}, - "outputs": [], - "source": [ - "dat = read_pkl(\"data/train.pkl\")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "888b7805-15f6-4c09-a05b-7aed7d253f6e", - "metadata": {}, - "outputs": [], - "source": [ - "cases = [*dat.keys()]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "375055d8-c070-4639-9561-e47d3f21f1f8", - "metadata": {}, - "outputs": [], - "source": [ - "rnn_dat = RNNData(dat[cases[10]], params['scaler'], params['features_list'])\n", - "rnn_dat.train_test_split(\n", - " time_fracs = [.8, .1, .1]\n", - ")\n", - "rnn_dat.scale_data()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "e79f8dc8-5cf8-4190-b4ff-e640f61bd78b", - "metadata": {}, - "outputs": [], - "source": [ - "from moisture_models import XGB, RF, LM" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "b3aeb47f-261e-4e29-9eeb-67215e5628f6", - "metadata": {}, - "outputs": [], - "source": [ - "mod = XGB(params)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "cae9a20d-1caf-45aa-a9c4-aef21b65d9c8", - "metadata": {}, - "outputs": [], - "source": [ - "mod.params" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "68a07b25-c586-4fc4-a3d5-c857354e7a2c", - "metadata": {}, - "outputs": [], - "source": [ - "mod.fit(rnn_dat.X_train, rnn_dat.y_train)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c8f88819-0a7a-4420-abb9-56a47015a4de", - "metadata": {}, - "outputs": [], - "source": [ - "preds = mod.predict(rnn_dat.X_test)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "cb7cdf14-74d6-45e4-bc1b-7d4d47dd41ac", - "metadata": {}, - "outputs": [], - "source": [ - "rmse(preds, rnn_dat.y_test)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "74d478c7-8c01-448e-9a00-dd0e1ee8e325", - "metadata": {}, - "outputs": [], - "source": [ - "plt.plot(rnn_dat.y_test)\n", - "plt.plot(preds)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c5441014-c39a-4414-a779-95b81e1ed6a8", - "metadata": {}, - "outputs": [], - "source": [ - "params = read_yml(\"params.yaml\", subkey='rf')\n", - "rnn_dat = RNNData(dat[cases[10]], features_list = ['Ed', 'Ew', 'solar', 'wind', 'rain'])\n", - "rnn_dat.train_test_split(\n", - " time_fracs = [.8, .1, .1]\n", - ")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "cafe711a-20cb-4bd3-a4bc-4995a843a021", - "metadata": {}, - "outputs": [], - "source": [ - "import importlib\n", - "import moisture_models\n", - "importlib.reload(moisture_models)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ee45f7d6-f57f-4ff6-995a-527565565f94", - "metadata": {}, - "outputs": [], - "source": [ - "params" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "fafe76e5-0212-4bd1-a058-535935a08780", - "metadata": {}, - "outputs": [], - "source": [ - "mod2 = RF(params)\n", - "mod2.fit(rnn_dat.X_train, rnn_dat.y_train.flatten())\n", - "preds2 = mod2.predict(rnn_dat.X_test)\n", - "print(rmse(preds2, rnn_dat.y_test.flatten()))\n", - "plt.plot(rnn_dat.y_test)\n", - "plt.plot(preds2)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c0ab4244-996c-49af-bf4a-8b0c47b0b6db", - "metadata": {}, - "outputs": [], - "source": [ - "from moisture_models import RF\n", - "mod2 = RF(params)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "aa6c33fd-db35-4c77-9eee-fdb39a934959", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c5598bfe-2d87-4d23-869e-aff127782462", - "metadata": {}, - "outputs": [], - "source": [ - "params = read_yml(\"params.yaml\", subkey='lm')\n", - "rnn_dat = RNNData(dat[cases[10]], features_list = ['Ed', 'Ew', 'solar', 'wind', 'rain'])\n", - "rnn_dat.train_test_split(\n", - " time_fracs = [.8, .1, .1]\n", - ")\n", - "mod = LM(params)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "d828c15c-4078-4967-abff-c1fd15d4696d", - "metadata": {}, - "outputs": [], - "source": [ - "mod.fit(rnn_dat.X_train, rnn_dat.y_train)\n", - "preds = mod.predict(rnn_dat.X_test)\n", - "print(rmse(preds2, rnn_dat.y_test.flatten()))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "8496a32a-8269-4d6b-953e-7f33fe626789", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "75ce8bf3-6efb-4dc7-b895-def92f6ce6b4", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "markdown", - "id": "282cb651-b21f-401d-94c5-9e07530a9ba8", - "metadata": {}, - "source": [ - "## RNN" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "fa38f35a-d367-4df8-b2d3-7691ff4b0cf4", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "markdown", - "id": "5ef092ff-8af1-491a-b0bf-cc3e674330e0", - "metadata": {}, - "source": [ - "## Phys Initialized" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "336cd228-9f44-4645-8255-3496c00540d4", - "metadata": {}, - "outputs": [], - "source": [ - "def rnn_data_wrap(dict0, params):\n", - " rnn_dat = RNNData(\n", - " dict0, # input dictionary\n", - " scaler=\"standard\", # data scaling type\n", - " features_list = params['features_list'] # features for predicting outcome\n", - " )\n", - " \n", - " \n", - " rnn_dat.train_test_split( \n", - " time_fracs = params['time_fracs'], # Percent of total time steps used for train/val/test\n", - " space_fracs = params['space_fracs'] # Percent of total timeseries used for train/val/test\n", - " )\n", - " rnn_dat.scale_data()\n", - " \n", - " rnn_dat.batch_reshape(\n", - " timesteps = params['timesteps'], # Timesteps aka sequence length for RNN input data. \n", - " batch_size = params['batch_size'], # Number of samples of length timesteps for a single round of grad. descent\n", - " start_times = np.zeros(len(rnn_dat.loc['train_locs']))\n", - " ) \n", - " \n", - " return rnn_dat" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "5488628e-4552-4909-83e9-413fd6878bdd", - "metadata": {}, - "outputs": [], - "source": [ - "params.update({\n", - " 'epochs':100,\n", - " 'dense_layers': 0,\n", - " 'activation': ['relu', 'relu'],\n", - " 'phys_initialize': False,\n", - " 'dropout': [0,0],\n", - " 'space_fracs': [.8, .1, .1]\n", - "})" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "1c4627bc-0f90-44e6-9103-2efe5c5f439d", - "metadata": {}, - "outputs": [], - "source": [ - "rnn_dat = rnn_data_wrap(combine_nested(train3), params)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "56bdf26c-07e7-4e4a-a567-af7dd0f564d9", - "metadata": {}, - "outputs": [], - "source": [ - "reproducibility.set_seed()\n", - "rnn = RNN(params)\n", - "m, errs = rnn.run_model(rnn_dat)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "01227b79-98f3-4931-bdfc-ff08afa8be5f", - "metadata": {}, - "outputs": [], - "source": [ - "rnn.model_train.summary()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "918a8bf0-638b-4b4b-82fe-c6a1965a72dd", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "0aab34c7-8a09-480a-9d3e-619f7cf82b34", - "metadata": {}, - "outputs": [], - "source": [ - "params.update({\n", - " 'phys_initialize': True,\n", - " 'scaler': None, # TODO\n", - " 'dense_layers': 0, # NOT including single Dense output layer which is hard-coded\n", - " 'activation': ['linear', 'linear'], # TODO tanh, relu the same\n", - " 'batch_schedule_type': None # Hopefully this isn't a necessity like before, but maybe it will help\n", - "})" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ab549075-f71f-42ad-b36f-3d1e90247e33", - "metadata": {}, - "outputs": [], - "source": [ - "rnn_dat2 = rnn_data_wrap(combine_nested(train3), params)\n", - "rnn_dat2.train_test_split(\n", - " time_fracs = [.8, .1, .1]\n", - ")\n", - "rnn_dat2.batch_reshape(timesteps = params['timesteps'], batch_size = params['batch_size'])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "195f337a-ac8a-4471-8226-94863b9385e2", - "metadata": {}, - "outputs": [], - "source": [ - "import importlib\n", - "import moisture_rnn\n", - "importlib.reload(moisture_rnn)\n", - "from moisture_rnn import RNN, RNNData" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "9395d147-17a5-44ba-aaa2-a213ffde062b", - "metadata": { - "scrolled": true - }, - "outputs": [], - "source": [ - "reproducibility.set_seed()\n", - "\n", - "rnn = RNN(params)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "d3eebe8a-ff12-454b-81b6-6a138924f127", - "metadata": {}, - "outputs": [], - "source": [ - "m, errs = rnn.run_model(rnn_dat2)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "bcbb0159-74c5-4f56-9d69-d85a58ddbd1a", - "metadata": {}, - "outputs": [], - "source": [ - "rnn.model_predict.get_weights()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c25f741a-6280-4cf2-8017-e56672236fdb", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "e8ed2b03-6123-4bdf-9e26-ef2ce4951663", - "metadata": {}, - "outputs": [], - "source": [ - "params['rnn_units']" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "e44302bf-af49-4140-ae31-54f7c88a6735", - "metadata": {}, - "outputs": [], - "source": [ - "params.update({\n", - " 'phys_initialize': True,\n", - " 'scaler': None, # TODO\n", - " 'dense_layers': 0, # NOT including single Dense output layer which is hard-coded\n", - " 'activation': ['relu', 'relu'], # TODO tanh, relu the same\n", - " 'batch_schedule_type': None # Hopefully this isn't a necessity like before, but maybe it will help\n", - "})" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "9a8ac32d-551c-43e8-988e-a3b13e6d9cd9", - "metadata": {}, - "outputs": [], - "source": [ - "rnn_dat2 = RNNData(dat[cases[10]], params['scaler'], params['features_list'])\n", - "rnn_dat2.train_test_split(\n", - " time_fracs = [.8, .1, .1]\n", - ")\n", - "rnn_dat2.batch_reshape(timesteps = params['timesteps'], batch_size = params['batch_size'])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ff727da8-38fb-4fda-999b-f712b98de0df", - "metadata": { - "scrolled": true - }, - "outputs": [], - "source": [ - "reproducibility.set_seed()\n", - "\n", - "rnn = RNN(params)\n", - "m, errs = rnn.run_model(rnn_dat2)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "b165074c-ea88-4b4d-8e41-6b6f22b4d221", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "aa5cd4e6-4441-4c77-a086-e9edefbeb83b", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "7bd1e05b-5cd8-48b4-8469-4842313d6097", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "b399346d-20b8-4c97-898a-606a4be98065", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "521285e6-6b6a-4d23-b688-9eb84b8eab68", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "12c66af1-54fd-4398-8ee2-36eeb937c40d", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "eb21fb8e-05c6-4a39-bdf1-4a57067c786d", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "628a9105-ca06-44c4-ad00-13808e2f4773", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "37fdbb3a-3e83-4541-93b2-982b6d4cbe93", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "a592a4c9-cb3b-4174-8eaa-02afd00a1897", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "3832fb05-417c-4648-8e2e-7748c06b3768", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "markdown", - "id": "d2360aef-e9c4-4a71-922d-336e53b82537", - "metadata": {}, - "source": [ - "## LSTM\n", - "\n", - "TODO: FIX BELOW" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "f94d8af2-ecb9-40fd-b2df-1ff6a30fbc6b", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "71d4e441-9bf1-4d57-bb37-091553e23212", - "metadata": {}, - "outputs": [], - "source": [ - "import importlib \n", - "import moisture_rnn\n", - "importlib.reload(moisture_rnn)\n", - "from moisture_rnn import RNN_LSTM" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "0f6ba896-e3be-4a9f-8a42-3df64aff7d63", - "metadata": {}, - "outputs": [], - "source": [ - "params = read_yml(\"params.yaml\", subkey=\"lstm\")\n", - "params = RNNParams(params)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "a4cf567e-d623-4e14-b578-eed88b80d04e", - "metadata": {}, - "outputs": [], - "source": [ - "rnn_dat = rnn_data_wrap(combine_nested(train3), params)\n", - "rnn_dat.train_test_split(\n", - " time_fracs = [.8, .1, .1]\n", - ")\n", - "rnn_dat.scale_data()\n", - "rnn_dat.batch_reshape(timesteps = params['timesteps'], batch_size = params['batch_size'])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "0157a6bc-3a99-4b87-a42c-ab770d19ae37", - "metadata": {}, - "outputs": [], - "source": [ - "from moisture_rnn import ResetStatesCallback, EarlyStoppingCallback\n", - "params.update({'epochs': 50, 'learning_rate': 0.001, 'verbose_fit': True, 'rnn_layers': 2, 'rnn_units': 20, 'dense_layers': 1, 'dense_units': 10,\n", - " 'activation': ['tanh', 'tanh'], 'features_list': rnn_dat.features_list,\n", - " 'batch_schedule_type':'exp', 'bmin': 10, 'bmax':rnn_dat.hours})\n", - "reproducibility.set_seed(123)\n", - "lstm = RNN_LSTM(params)\n", - "\n", - "history = lstm.model_train.fit(rnn_dat.X_train, rnn_dat.y_train, \n", - " batch_size = params['batch_size'], epochs=params['epochs'], \n", - " callbacks = [ResetStatesCallback(params),\n", - " EarlyStoppingCallback(patience = 15)],\n", - " validation_data = (rnn_dat.X_val, rnn_dat.y_val))\n", - " " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ec95e7d4-6d57-441b-b673-f10625ee5dec", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "9b3c8d8d-ea50-44ea-8c0c-414e07cd01ac", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "03063e3c-e8f4-451d-b0cf-25bd965cd9d6", - "metadata": {}, - "outputs": [], - "source": [ - "params.update({'epochs': 50, 'learning_rate': 0.001, 'verbose_fit': True, 'rnn_layers': 2, 'rnn_units': 20, 'dense_layers': 1, 'dense_units': 10,\n", - " 'activation': ['tanh', 'tanh'], 'features_list': rnn_dat.features_list,\n", - " 'batch_schedule_type':'exp', 'bmin': 10, 'bmax':rnn_dat.hours,\n", - " 'early_stopping_patience': 25})\n", - "reproducibility.set_seed(123)\n", - "lstm = RNN_LSTM(params)\n", - "m, errs = lstm.run_model(rnn_dat)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "f60a24c6-9a67-45aa-bc5c-8818aa0ca049", - "metadata": {}, - "outputs": [], - "source": [] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "00910bd2-f050-438c-ab3b-c793b83cb5f5", - "metadata": {}, - "outputs": [], - "source": [ - "rnn_dat.spatial" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "236b33e3-e864-4453-be16-cf07338c4105", - "metadata": {}, - "outputs": [], - "source": [ - "params = RNNParams(read_yml(\"params.yaml\", subkey='lstm'))\n", - "params" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "fe2a484c-dc99-45a9-89fc-2f451bd719b5", - "metadata": {}, - "outputs": [], - "source": [ - "train = read_pkl(\"data/train.pkl\")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "07bfac87-a6d4-4dcc-8d11-adf83eafab76", - "metadata": {}, - "outputs": [], - "source": [ - "from itertools import islice\n", - "train = {k: train[k] for k in islice(train, 100)}" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "4e26099b-f760-4047-afec-9e751d24b7a6", - "metadata": {}, - "outputs": [], - "source": [ - "from data_funcs import combine_nested\n", - "rnn_dat_sp = RNNData(\n", - " combine_nested(train), # input dictionary\n", - " scaler=\"standard\", # data scaling type\n", - " features_list = params['features_list'] # features for predicting outcome\n", - ")\n", - "\n", - "\n", - "rnn_dat_sp.train_test_split( \n", - " time_fracs = [.8, .1, .1], # Percent of total time steps used for train/val/test\n", - " space_fracs = [.8, .1, .1] # Percent of total timeseries used for train/val/test\n", - ")\n", - "rnn_dat_sp.scale_data()\n", - "\n", - "rnn_dat_sp.batch_reshape(\n", - " timesteps = params['timesteps'], # Timesteps aka sequence length for RNN input data. \n", - " batch_size = params['batch_size'] # Number of samples of length timesteps for a single round of grad. descent\n", - ")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "10738795-c83b-4da3-88ba-09278caa35f8", - "metadata": {}, - "outputs": [], - "source": [ - "params.update({\n", - " 'loc_batch_reset': rnn_dat_sp.n_seqs # Used to reset hidden state when location changes for a given batch\n", - "})" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "9c5d45cc-bcf0-4b6c-9c51-c4c790a2d9a5", - "metadata": {}, - "outputs": [], - "source": [ - "reproducibility.set_seed()\n", - "rnn_sp = RNN_LSTM(params)\n", - "m_sp, errs = rnn_sp.run_model(rnn_dat_sp)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ee332ccf-4e4a-4f66-b4d6-c079dbdb1411", - "metadata": {}, - "outputs": [], - "source": [ - "errs.mean()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "739d4b26-641e-47b2-a90a-67cd32215d05", - "metadata": {}, - "outputs": [], - "source": [] - } - ], - "metadata": { - "kernelspec": { - "display_name": "Python 3 (ipykernel)", - "language": "python", - "name": "python3" - }, - "language_info": { - "codemirror_mode": { - "name": "ipython", - "version": 3 - }, - "file_extension": ".py", - "mimetype": "text/x-python", - "name": "python", - "nbconvert_exporter": "python", - "pygments_lexer": "ipython3", - "version": "3.12.5" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} +{ + "cells": [ + { + "cell_type": "markdown", + "id": "244c2fb0-4339-476c-a2db-a641e124e25a", + "metadata": {}, + "source": [ + "# v2.1 exploration trying to make it work better" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e6cc7920-e380-4b81-bac0-cd6840450e9a", + "metadata": {}, + "outputs": [], + "source": [ + "# Environment\n", + "import os\n", + "import os.path as osp\n", + "import numpy as np\n", + "import pandas as pd\n", + "import tensorflow as tf\n", + "import matplotlib.pyplot as plt\n", + "import sys\n", + "# Local modules\n", + "sys.path.append('..')\n", + "import reproducibility\n", + "import pandas as pd\n", + "from utils import print_dict_summary\n", + "from data_funcs import rmse, build_train_dict, combine_nested, subset_by_features\n", + "from moisture_rnn import RNNParams, RNNData, RNN, RNN_LSTM, rnn_data_wrap\n", + "from moisture_rnn_pkl import pkl2train\n", + "from tensorflow.keras.callbacks import Callback\n", + "from utils import hash2\n", + "import copy\n", + "import logging\n", + "import pickle\n", + "from utils import logging_setup, read_yml, read_pkl, hash_ndarray, hash_weights, str2time\n", + "import yaml\n", + "import copy\n", + "import time" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f58e8839-bf0e-4995-b966-c09e4df001ce", + "metadata": {}, + "outputs": [], + "source": [ + "logging_setup()" + ] + }, + { + "cell_type": "markdown", + "id": "fae67b50-f916-45a7-bcc7-61995ba39449", + "metadata": {}, + "source": [ + "## Test Data" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3efed1fa-9cda-4934-8a6c-edcf179c8755", + "metadata": {}, + "outputs": [], + "source": [ + "file_paths = ['data/fmda_rocky_202403-05_f05.pkl']" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "28fd3746-1861-4afa-ab7e-ac449fbed322", + "metadata": {}, + "outputs": [], + "source": [ + "# Params used for data filtering\n", + "params_data = read_yml(\"params_data.yaml\") \n", + "params_data" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "32a46674-8377-47f8-9c3a-e6b07f9505cf", + "metadata": {}, + "outputs": [], + "source": [ + "params = read_yml(\"params.yaml\", subkey='rnn') \n", + "params = RNNParams(params)\n", + "params.update({'epochs': 200, \n", + " 'learning_rate': 0.001,\n", + " 'activation': ['tanh', 'tanh'], # Activation for RNN Layers, Dense layers respectively.\n", + " 'recurrent_layers': 2, 'recurrent_units': 30, \n", + " 'dense_layers': 2, 'dense_units': 30,\n", + " 'early_stopping_patience': 30, # how many epochs of no validation accuracy gain to wait before stopping\n", + " 'batch_schedule_type': 'exp', # Hidden state batch reset schedule\n", + " 'bmin': 20, # Lower bound of hidden state batch reset, \n", + " 'bmax': params_data['hours'], # Upper bound of hidden state batch reset, using max hours\n", + " 'features_list': ['Ed', 'Ew', 'rain', 'elev', 'lon', 'lat', 'solar', 'wind'],\n", + " 'timesteps': 12\n", + " })" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c45cb8ef-41fc-4bf7-b506-dad5fd24abb3", + "metadata": {}, + "outputs": [], + "source": [ + "dat = read_pkl(file_paths[0])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3c960d69-4f8a-4abb-a5d9-ed6cf98f899b", + "metadata": {}, + "outputs": [], + "source": [ + "import importlib\n", + "import data_funcs\n", + "importlib.reload(data_funcs)\n", + "from data_funcs import build_train_dict" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "369cd913-85cb-4855-a80c-817d84637852", + "metadata": {}, + "outputs": [], + "source": [ + "params_data.update({'hours': None})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "371a66ac-027d-4377-b2bb-22106707a614", + "metadata": {}, + "outputs": [], + "source": [ + "start_time = time.time()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8cdc2ce8-45b4-4caa-81d9-646271ff2e97", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "train3 = build_train_dict(file_paths, params_data, spatial=False, forecast_step=3, drop_na=True)\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "29e3289b-f47a-450d-8b17-2a7813fad089", + "metadata": {}, + "outputs": [], + "source": [ + "# End Timer\n", + "end_time = time.time()\n", + "\n", + "# Calculate Code Runtime\n", + "elapsed_time_sp = end_time - start_time\n", + "print(f\"Spatial Training Elapsed time: {elapsed_time_sp:.4f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "aae373a5-f0b2-4ab9-b5df-ffa52c1bc305", + "metadata": {}, + "outputs": [], + "source": [ + "from data_funcs import build_features_single" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7e01fdde-ae5e-43d0-9a0d-7d7a024f4481", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "dat['PLFI1_202401'].keys()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "765867c7-72ac-4761-9d86-2558d1f75c3a", + "metadata": {}, + "outputs": [], + "source": [ + "start_time = time.time()\n", + "\n", + "for key in dat:\n", + " build_features_single(dat[key], atm=\"HRRR\", fstep=\"f03\", fprev=\"f02\")\n", + "\n", + "# End Timer\n", + "end_time = time.time()\n", + "\n", + "# Calculate Code Runtime\n", + "elapsed_time_sp = end_time - start_time\n", + "print(f\"Spatial Training Elapsed time: {elapsed_time_sp:.4f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "46212800-55bd-46c6-84f9-abf395f863df", + "metadata": {}, + "outputs": [], + "source": [ + "from multiprocessing import Process, Queue" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cee55474-804c-4446-ab7b-ca95aa522089", + "metadata": {}, + "outputs": [], + "source": [ + "keys = list(dat.keys())" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bfd9aa0c-4d58-4af2-b0b2-30592fe7b4f6", + "metadata": {}, + "outputs": [], + "source": [ + "def process_key(key):\n", + " build_features_single(dat[key], atm=\"HRRR\", fstep=\"f03\", fprev=\"f02\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "50836818-1961-4012-b820-9930939b3a8a", + "metadata": {}, + "outputs": [], + "source": [ + "from multiprocessing import Pool" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "890b5fce-3dcc-47b9-8ab7-2651582ffdb5", + "metadata": {}, + "outputs": [], + "source": [ + "if __name__ == '__main__':\n", + " with Pool() as pool:\n", + " pool.map(process_key, keys)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3c4548ae-caa4-4bc4-9122-9f24e7e59ef7", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3dbb6f24-4435-47b3-90c6-6176582b0d4c", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "id": "6322f0bc-107d-40a5-96dc-804495085a99", + "metadata": { + "jp-MarkdownHeadingCollapsed": true + }, + "source": [ + "## Test Other ML" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12992b9a-407f-4131-ac61-e1dc338386bf", + "metadata": {}, + "outputs": [], + "source": [ + "params = read_yml(\"params.yaml\", subkey='xgb')\n", + "params" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "f214fdf8-bb76-4912-8f8c-5d0c8c1230c2", + "metadata": {}, + "outputs": [], + "source": [ + "dat = read_pkl(\"data/train.pkl\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "888b7805-15f6-4c09-a05b-7aed7d253f6e", + "metadata": {}, + "outputs": [], + "source": [ + "cases = [*dat.keys()]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "375055d8-c070-4639-9561-e47d3f21f1f8", + "metadata": {}, + "outputs": [], + "source": [ + "rnn_dat = RNNData(dat[cases[10]], params['scaler'], params['features_list'])\n", + "rnn_dat.train_test_split(\n", + " time_fracs = [.8, .1, .1]\n", + ")\n", + "rnn_dat.scale_data()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e79f8dc8-5cf8-4190-b4ff-e640f61bd78b", + "metadata": {}, + "outputs": [], + "source": [ + "from moisture_models import XGB, RF, LM" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b3aeb47f-261e-4e29-9eeb-67215e5628f6", + "metadata": {}, + "outputs": [], + "source": [ + "mod = XGB(params)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cae9a20d-1caf-45aa-a9c4-aef21b65d9c8", + "metadata": {}, + "outputs": [], + "source": [ + "mod.params" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "68a07b25-c586-4fc4-a3d5-c857354e7a2c", + "metadata": {}, + "outputs": [], + "source": [ + "mod.fit(rnn_dat.X_train, rnn_dat.y_train)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c8f88819-0a7a-4420-abb9-56a47015a4de", + "metadata": {}, + "outputs": [], + "source": [ + "preds = mod.predict(rnn_dat.X_test)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cb7cdf14-74d6-45e4-bc1b-7d4d47dd41ac", + "metadata": {}, + "outputs": [], + "source": [ + "rmse(preds, rnn_dat.y_test)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "74d478c7-8c01-448e-9a00-dd0e1ee8e325", + "metadata": {}, + "outputs": [], + "source": [ + "plt.plot(rnn_dat.y_test)\n", + "plt.plot(preds)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c5441014-c39a-4414-a779-95b81e1ed6a8", + "metadata": {}, + "outputs": [], + "source": [ + "params = read_yml(\"params.yaml\", subkey='rf')\n", + "rnn_dat = RNNData(dat[cases[10]], features_list = ['Ed', 'Ew', 'solar', 'wind', 'rain'])\n", + "rnn_dat.train_test_split(\n", + " time_fracs = [.8, .1, .1]\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "cafe711a-20cb-4bd3-a4bc-4995a843a021", + "metadata": {}, + "outputs": [], + "source": [ + "import importlib\n", + "import moisture_models\n", + "importlib.reload(moisture_models)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ee45f7d6-f57f-4ff6-995a-527565565f94", + "metadata": {}, + "outputs": [], + "source": [ + "params" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fafe76e5-0212-4bd1-a058-535935a08780", + "metadata": {}, + "outputs": [], + "source": [ + "mod2 = RF(params)\n", + "mod2.fit(rnn_dat.X_train, rnn_dat.y_train.flatten())\n", + "preds2 = mod2.predict(rnn_dat.X_test)\n", + "print(rmse(preds2, rnn_dat.y_test.flatten()))\n", + "plt.plot(rnn_dat.y_test)\n", + "plt.plot(preds2)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c0ab4244-996c-49af-bf4a-8b0c47b0b6db", + "metadata": {}, + "outputs": [], + "source": [ + "from moisture_models import RF\n", + "mod2 = RF(params)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "aa6c33fd-db35-4c77-9eee-fdb39a934959", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c5598bfe-2d87-4d23-869e-aff127782462", + "metadata": {}, + "outputs": [], + "source": [ + "params = read_yml(\"params.yaml\", subkey='lm')\n", + "rnn_dat = RNNData(dat[cases[10]], features_list = ['Ed', 'Ew', 'solar', 'wind', 'rain'])\n", + "rnn_dat.train_test_split(\n", + " time_fracs = [.8, .1, .1]\n", + ")\n", + "mod = LM(params)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d828c15c-4078-4967-abff-c1fd15d4696d", + "metadata": {}, + "outputs": [], + "source": [ + "mod.fit(rnn_dat.X_train, rnn_dat.y_train)\n", + "preds = mod.predict(rnn_dat.X_test)\n", + "print(rmse(preds2, rnn_dat.y_test.flatten()))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8496a32a-8269-4d6b-953e-7f33fe626789", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "75ce8bf3-6efb-4dc7-b895-def92f6ce6b4", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "id": "282cb651-b21f-401d-94c5-9e07530a9ba8", + "metadata": {}, + "source": [ + "## RNN" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "fa38f35a-d367-4df8-b2d3-7691ff4b0cf4", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "id": "5ef092ff-8af1-491a-b0bf-cc3e674330e0", + "metadata": {}, + "source": [ + "## Phys Initialized" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5488628e-4552-4909-83e9-413fd6878bdd", + "metadata": {}, + "outputs": [], + "source": [ + "params.update({\n", + " 'epochs':100,\n", + " 'dense_layers': 0,\n", + " 'activation': ['relu', 'relu'],\n", + " 'phys_initialize': False,\n", + " 'dropout': [0,0],\n", + " 'space_fracs': [.8, .1, .1],\n", + " 'scaler': None\n", + "})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ab7db7d6-949e-457d-90b9-22d9c5aa4739", + "metadata": {}, + "outputs": [], + "source": [ + "import importlib\n", + "import moisture_rnn\n", + "importlib.reload(moisture_rnn)\n", + "from moisture_rnn import rnn_data_wrap" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d26cf1b2-2fad-409d-888f-4921b0ae4ba8", + "metadata": {}, + "outputs": [], + "source": [ + "params['scaler'] is None" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1c4627bc-0f90-44e6-9103-2efe5c5f439d", + "metadata": {}, + "outputs": [], + "source": [ + "rnn_dat = rnn_data_wrap(combine_nested(train3), params)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "56bdf26c-07e7-4e4a-a567-af7dd0f564d9", + "metadata": {}, + "outputs": [], + "source": [ + "reproducibility.set_seed()\n", + "rnn = RNN(params)\n", + "m, errs = rnn.run_model(rnn_dat)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "01227b79-98f3-4931-bdfc-ff08afa8be5f", + "metadata": {}, + "outputs": [], + "source": [ + "rnn.model_train.summary()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "918a8bf0-638b-4b4b-82fe-c6a1965a72dd", + "metadata": {}, + "outputs": [], + "source": [ + "errs.mean()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "37fdbb3a-3e83-4541-93b2-982b6d4cbe93", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "rnn_dat.X_train[:,:,0].mean()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7ca41db1-72aa-44b6-b9dd-058735336ab3", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a592a4c9-cb3b-4174-8eaa-02afd00a1897", + "metadata": {}, + "outputs": [], + "source": [ + "rnn_dat['features_list']" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3832fb05-417c-4648-8e2e-7748c06b3768", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "id": "d2360aef-e9c4-4a71-922d-336e53b82537", + "metadata": {}, + "source": [ + "## LSTM" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "71d4e441-9bf1-4d57-bb37-091553e23212", + "metadata": {}, + "outputs": [], + "source": [ + "import importlib \n", + "import moisture_rnn\n", + "importlib.reload(moisture_rnn)\n", + "from moisture_rnn import RNN_LSTM" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0f6ba896-e3be-4a9f-8a42-3df64aff7d63", + "metadata": {}, + "outputs": [], + "source": [ + "params = read_yml(\"params.yaml\", subkey=\"lstm\")\n", + "params = RNNParams(params)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a4cf567e-d623-4e14-b578-eed88b80d04e", + "metadata": {}, + "outputs": [], + "source": [ + "rnn_dat = rnn_data_wrap(combine_nested(train3), params)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "57bb5708-7be9-4474-abb4-3b7ff4bf79df", + "metadata": {}, + "outputs": [], + "source": [ + "params.update({\n", + " 'loc_batch_reset': rnn_dat.n_seqs # Used to reset hidden state when location changes for a given batch\n", + "})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0157a6bc-3a99-4b87-a42c-ab770d19ae37", + "metadata": {}, + "outputs": [], + "source": [ + "from moisture_rnn import ResetStatesCallback, EarlyStoppingCallback\n", + "params.update({'epochs': 50, 'learning_rate': 0.001, 'verbose_fit': True, 'rnn_layers': 2, 'rnn_units': 20, 'dense_layers': 1, 'dense_units': 10,\n", + " 'activation': ['tanh', 'tanh'], 'features_list': rnn_dat.features_list,\n", + " 'batch_schedule_type':'exp', 'bmin': 10, 'bmax':rnn_dat.hours})\n", + "reproducibility.set_seed(123)\n", + "lstm = RNN_LSTM(params)\n", + "\n", + "history = lstm.model_train.fit(rnn_dat.X_train, rnn_dat.y_train, \n", + " batch_size = params['batch_size'], epochs=params['epochs'], \n", + " callbacks = [ResetStatesCallback(params),\n", + " EarlyStoppingCallback(patience = 15)],\n", + " validation_data = (rnn_dat.X_val, rnn_dat.y_val))\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ec95e7d4-6d57-441b-b673-f10625ee5dec", + "metadata": {}, + "outputs": [], + "source": [ + "errs.mean()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9b3c8d8d-ea50-44ea-8c0c-414e07cd01ac", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "03063e3c-e8f4-451d-b0cf-25bd965cd9d6", + "metadata": {}, + "outputs": [], + "source": [ + "params = RNNParams(read_yml(\"params.yaml\", subkey=\"lstm\"))\n", + "params.update({'epochs': 50, 'learning_rate': 0.001, 'verbose_fit': True, 'rnn_layers': 2, 'rnn_units': 20, 'dense_layers': 1, 'dense_units': 10,\n", + " 'activation': ['tanh', 'tanh'], 'features_list': rnn_dat.features_list,\n", + " 'batch_schedule_type':'exp', 'bmin': 10, 'bmax':rnn_dat.hours,\n", + " 'early_stopping_patience': 25})\n", + "rnn_dat = rnn_data_wrap(combine_nested(train3), params)\n", + "params.update({\n", + " 'loc_batch_reset': rnn_dat.n_seqs # Used to reset hidden state when location changes for a given batch\n", + "})\n", + "reproducibility.set_seed(123)\n", + "lstm = RNN_LSTM(params)\n", + "m, errs = lstm.run_model(rnn_dat)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "be46a2dc-bf5c-4893-a1ee-a1682566f7a2", + "metadata": {}, + "outputs": [], + "source": [ + "errs.mean()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0f319f37-7d13-41fd-95fa-66dbdfeab588", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b1252b08-62b9-4d24-add2-0f87d15b0ff2", + "metadata": {}, + "outputs": [], + "source": [ + "params = RNNParams(read_yml(\"params.yaml\", subkey=\"rnn\"))\n", + "rnn_dat = rnn_data_wrap(combine_nested(train3), params)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "9281540b-eb26-4923-883b-1b31d8347634", + "metadata": {}, + "outputs": [], + "source": [ + "reproducibility.set_seed(123)\n", + "rnn = RNN(params)\n", + "m, errs = rnn.run_model(rnn_dat)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8a0269b4-d6b7-4f20-8386-69814d7acaa3", + "metadata": {}, + "outputs": [], + "source": [ + "errs.mean()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "10b44de3-a0e9-49e4-9e03-873d69580c07", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "27f4fee4-7fce-49c5-a455-97a90b754c13", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "739d4b26-641e-47b2-a90a-67cd32215d05", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.12.5" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} -- 2.11.4.GIT