Full Day RFI Flagging¶

by Josh Dillon, last updated June 19, 2023

This notebook is designed to figure out a single full-day RFI mask using the best autocorelations, taking individual file_calibration notebook results as a prior but then potentially undoing flags.

Here's a set of links to skip to particular figures and tables:

• Figure 1: Show All DPSS Residual z-Scores¶

• Figure 2: z-Score of DPSS-Filtered, Averaged Good Autocorrelation and Initial Flags¶

• Figure 3: z-Score of DPSS-Filtered, Averaged Good Autocorrelation and Expanded Flags¶

• Figure 4: z-Score of DPSS-Filtered, Averaged Good Autocorrelation and Final, Re-Computed Flags¶

• Figure 5: Summary of Flags Before and After Recomputing Them¶

In [1]:
import time
tstart = time.time()
In [2]:
import os
os.environ['HDF5_USE_FILE_LOCKING'] = 'FALSE'
import h5py
import hdf5plugin  # REQUIRED to have the compression plugins available
import numpy as np
import pandas as pd
import glob
import os
import matplotlib.pyplot as plt
import matplotlib
import copy
import warnings
from pyuvdata import UVFlag, UVData, UVCal
from hera_cal import io, utils, abscal
from hera_cal.smooth_cal import CalibrationSmoother, dpss_filters, solve_2D_DPSS
from hera_qm import ant_class, xrfi, metrics_io
from hera_filters import dspec

from IPython.display import display, HTML
%matplotlib inline
display(HTML("<style>.container { width:100% !important; }</style>"))
_ = np.seterr(all='ignore')  # get rid of red warnings
%config InlineBackend.figure_format = 'retina'

Parse inputs¶

In [3]:
# get filenames
SUM_FILE = os.environ.get("SUM_FILE", None)
# SUM_FILE = '/users/jsdillon/lustre/H6C/abscal/2459853/zen.2459853.25518.sum.uvh5'  # If sum_file is not defined in the environment variables, define it here.
SUM_SUFFIX = os.environ.get("SUM_SUFFIX", 'sum.uvh5')
SUM_AUTOS_SUFFIX = os.environ.get("SUM_AUTOS_SUFFIX", 'sum.autos.uvh5')
DIFF_AUTOS_SUFFIX = os.environ.get("DIFF_AUTOS_SUFFIX", 'diff.autos.uvh5')
CAL_SUFFIX = os.environ.get("CAL_SUFFIX", 'sum.omni.calfits')
ANT_CLASS_SUFFIX = os.environ.get("ANT_CLASS_SUFFIX", 'sum.ant_class.csv')
APRIORI_YAML_PATH = os.environ.get("APRIORI_YAML_PATH", None)
OUT_FLAG_SUFFIX = os.environ.get("OUT_FLAG_SUFFIX", 'sum.flag_waterfall.h5')

sum_glob = '.'.join(SUM_FILE.split('.')[:-3]) + '.*.' + SUM_SUFFIX
auto_sums_glob = sum_glob.replace(SUM_SUFFIX, SUM_AUTOS_SUFFIX)
auto_diffs_glob = sum_glob.replace(SUM_SUFFIX, DIFF_AUTOS_SUFFIX)
cal_files_glob = sum_glob.replace(SUM_SUFFIX, CAL_SUFFIX)
ant_class_csvs_glob = sum_glob.replace(SUM_SUFFIX, ANT_CLASS_SUFFIX)
In [4]:
# A priori flag settings
FM_LOW_FREQ = float(os.environ.get("FM_LOW_FREQ", 87.5)) # in MHz
FM_HIGH_FREQ = float(os.environ.get("FM_HIGH_FREQ", 108.0)) # in MHz
FM_freq_range = [FM_LOW_FREQ * 1e6, FM_HIGH_FREQ * 1e6]
MAX_SOLAR_ALT = float(os.environ.get("MAX_SOLAR_ALT", 0.0)) # in degrees

# DPSS settings
FREQ_FILTER_SCALE = float(os.environ.get("FREQ_FILTER_SCALE", 5.0)) # in MHz
TIME_FILTER_SCALE = float(os.environ.get("TIME_FILTER_SCALE", 450.0))# in s
EIGENVAL_CUTOFF = float(os.environ.get("EIGENVAL_CUTOFF", 1e-12))

# Outlier flagging settings
MIN_FRAC_OF_AUTOS = float(os.environ.get("MIN_FRAC_OF_AUTOS", .25))
MAX_AUTO_L2 = float(os.environ.get("MAX_AUTRO_L2", 1.2))
Z_THRESH = float(os.environ.get("Z_THRESH", 5.0))
WS_Z_THRESH = float(os.environ.get("WS_Z_THRESH", 4.0))
AVG_Z_THRESH = float(os.environ.get("AVG_Z_THRESH", 1.5))
REPEAT_FLAG_Z_THRESH = float(os.environ.get("REPEAT_FLAG_Z_THESH", 2.0))
MAX_FREQ_FLAG_FRAC = float(os.environ.get("MAX_FREQ_FLAG_FRAC", .25))
MAX_TIME_FLAG_FRAC = float(os.environ.get("MAX_TIME_FLAG_FRAC", .1))

for setting in ['FM_LOW_FREQ', 'FM_HIGH_FREQ', 'MAX_SOLAR_ALT', 'FREQ_FILTER_SCALE', 'TIME_FILTER_SCALE', 
                'EIGENVAL_CUTOFF', 'MIN_FRAC_OF_AUTOS', 'MAX_AUTO_L2', 'Z_THRESH', 'WS_Z_THRESH', 'AVG_Z_THRESH', 'REPEAT_FLAG_Z_THRESH', 
                'MAX_FREQ_FLAG_FRAC ', 'MAX_TIME_FLAG_FRAC ']:
        print(f'{setting} = {eval(setting)}')
FM_LOW_FREQ = 87.5
FM_HIGH_FREQ = 108.0
MAX_SOLAR_ALT = 0.0
FREQ_FILTER_SCALE = 5.0
TIME_FILTER_SCALE = 450.0
EIGENVAL_CUTOFF = 1e-12
MIN_FRAC_OF_AUTOS = 0.25
MAX_AUTO_L2 = 1.2
Z_THRESH = 5.0
WS_Z_THRESH = 4.0
AVG_Z_THRESH = 1.5
REPEAT_FLAG_Z_THRESH = 2.0
MAX_FREQ_FLAG_FRAC  = 0.25
MAX_TIME_FLAG_FRAC  = 0.1

Load Data¶

In [5]:
auto_sums = sorted(glob.glob(auto_sums_glob))
print(f'Found {len(auto_sums)} *.{SUM_AUTOS_SUFFIX} files starting with {auto_sums[0]}.')

auto_diffs = sorted(glob.glob(auto_diffs_glob))
print(f'Found {len(auto_diffs)} *.{DIFF_AUTOS_SUFFIX} files starting with {auto_diffs[0]}.')

cal_files = sorted(glob.glob(cal_files_glob))
print(f'Found {len(cal_files)} *.{CAL_SUFFIX} files starting with {cal_files[0]}.')

ant_class_csvs = sorted(glob.glob(ant_class_csvs_glob))
print(f'Found {len(ant_class_csvs)} *.{ANT_CLASS_SUFFIX} files starting with {ant_class_csvs[0]}.')
Found 1862 *.sum.autos.uvh5 files starting with /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25282.sum.autos.uvh5.
Found 1862 *.diff.autos.uvh5 files starting with /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25282.diff.autos.uvh5.
Found 1862 *.sum.omni.calfits files starting with /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25282.sum.omni.calfits.
Found 1862 *.sum.ant_class.csv files starting with /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25282.sum.ant_class.csv.
In [6]:
# Load ant_class csvs
tables = [pd.read_csv(f).dropna(axis=0, how='all') for f in ant_class_csvs]
table_cols = tables[0].columns[1::2]
class_cols = tables[0].columns[2::2]
In [7]:
# Figure out antennas that were not flagged when the sun was down, or were only flagged for Even/Odd Zeros or Redcal chi^2 or Bad X-Engine Diffs
ap_strs = np.array(tables[0]['Antenna'])
ant_flags = np.array([t[class_cols] for t in tables]) == 'bad'
sun_low_enough = np.array([t['Solar Alt'] < MAX_SOLAR_ALT for t in tables])
ants = sorted(set(int(a[:-1]) for a in ap_strs))
candidate_autos = set()
for i, ap_str in enumerate(ap_strs):
    has_other_flags = np.any([(ant_flags[:, i, cc] & sun_low_enough[:, i]) for cc, colname in enumerate(class_cols) 
                              if colname not in ['Antenna Class', 'Even/Odd Zeros Class','Redcal chi^2 Class', 'Bad Diff X-Engines Class']])
    if not has_other_flags:
        ap = int(ap_str[:-1]), utils.comply_pol(ap_str[-1])
        candidate_autos.add(utils.join_bl(ap, ap))
In [8]:
# Load sum and diff autos, checking to see whether any of them show packet loss
good_data = {}
info_dicts = {}
for sf, df in list(zip(auto_sums, auto_diffs)):
    rv = io.read_hera_hdf5(sf, bls=candidate_autos)
    good_data[sf] = rv['data']
    info_dicts[sf] = rv['info']
    diff = io.read_hera_hdf5(df, bls=candidate_autos)['data']
    zeros_class = ant_class.even_odd_zeros_checker(good_data[sf], diff)
    for ant in zeros_class.bad_ants:
        candidate_autos.remove(utils.join_bl(ant, ant))
In [9]:
# load calibration solutions
cs = CalibrationSmoother(cal_files, load_cspa=False, load_chisq=False, pick_refant=False)
In [10]:
# load a priori flagged times
if APRIORI_YAML_PATH is not None:
    print(f'Loading a priori flagged times from {APRIORI_YAML_PATH}')
    apriori_flags = np.zeros(len(cs.time_grid), dtype=bool)
    apriori_flags[metrics_io.read_a_priori_int_flags(APRIORI_YAML_PATH, times=cs.time_grid).astype(int)] = True
Loading a priori flagged times from /lustre/aoc/projects/hera/h6c-analysis/IDR2/src/hera_pipelines/pipelines/h6c/analysis/apriori_flags/2459868_apriori_flags.yaml

Figure out a subset of most-stable antennas to filter and flag on¶

In [11]:
initial_cal_flags = np.all([f for f in cs.flag_grids.values()], axis=0)
In [12]:
def average_autos(per_file_autos, bls_to_use, auto_sums, cs):
    '''Averages autos over baselines, matching the time_grid in CalibrationSmoother cs.'''
    avg_per_file_autos = {sf: np.mean([per_file_autos[sf][bl] for bl in bls_to_use], axis=0) for sf in auto_sums}
    avg_autos = np.zeros((len(cs.time_grid), len(cs.freqs)), dtype=float)
    for sf, cf in zip(auto_sums, cs.cals):
        avg_autos[cs.time_indices[cf], :] = np.abs(avg_per_file_autos[sf])
    return avg_autos
In [13]:
avg_candidate_auto = average_autos(good_data, candidate_autos, auto_sums, cs)
In [14]:
def flag_FM(flags, freqs, freq_range=[87.5e6, 108e6]):
    '''Apply flags to all frequencies within freq_range (in Hz).'''
    flags[:, np.logical_and(freqs >= freq_range[0], freqs <= freq_range[1])] = True 
In [15]:
flag_FM(initial_cal_flags, cs.freqs, freq_range=FM_freq_range)
In [16]:
def flag_sun(flags, times, max_solar_alt=0):
    '''Apply flags to all times where the solar altitude is greater than max_solar_alt (in degrees).'''
    solar_altitudes_degrees = utils.get_sun_alt(times)
    flags[solar_altitudes_degrees >= max_solar_alt, :] = True
In [17]:
flag_sun(initial_cal_flags, cs.time_grid, max_solar_alt=MAX_SOLAR_ALT)
In [18]:
if APRIORI_YAML_PATH is not None:
    initial_cal_flags[apriori_flags, :] = True
In [19]:
def predict_auto_noise(auto, dt, df, nsamples=1):
    '''Predict noise on an (antenna-averaged) autocorrelation. The product of Delta t and Delta f
    must be unitless. For N autocorrelations averaged together, use nsamples=N.'''
    int_count = int(dt * df) * nsamples
    return np.abs(auto) / np.sqrt(int_count / 2)
In [20]:
# Figure out noise and weights
int_time = 24 * 3600 * np.median(np.diff(cs.time_grid))
chan_res = np.median(np.diff(cs.freqs))
noise = predict_auto_noise(avg_candidate_auto, int_time, chan_res, nsamples=1)
wgts = np.where(initial_cal_flags, 0, noise**-2)
In [21]:
# get slices to index into region of waterfall outwide of which it's 100% flagged
unflagged_ints = np.squeeze(np.argwhere(~np.all(initial_cal_flags, axis=1)))
ints_to_filt = slice(unflagged_ints[0], unflagged_ints[-1] + 1)
unflagged_chans = np.squeeze(np.argwhere(~np.all(initial_cal_flags, axis=0)))
chans_to_filt = slice(unflagged_chans[0], unflagged_chans[-1] + 1)
In [22]:
# Filter every autocorrelation individually
cached_output = {}
models = {}
sqrt_mean_sqs = {}
time_filters, freq_filters = dpss_filters(freqs=cs.freqs[chans_to_filt], # Hz
                                          times=cs.time_grid[ints_to_filt], # JD
                                          freq_scale=FREQ_FILTER_SCALE,
                                          time_scale=TIME_FILTER_SCALE,
                                          eigenval_cutoff=EIGENVAL_CUTOFF)

for bl in candidate_autos:
    auto_here = average_autos(good_data, [bl], auto_sums, cs)

    models[bl] = np.array(auto_here)
    model, cached_output = solve_2D_DPSS(auto_here[ints_to_filt, chans_to_filt], wgts[ints_to_filt, chans_to_filt], 
                                         time_filters, freq_filters, method='lu_solve', cached_input=cached_output)
    models[bl][ints_to_filt, chans_to_filt] = model
    
    noise_model = predict_auto_noise(models[bl], int_time, chan_res, nsamples=1)   
    sqrt_mean_sqs[bl] = np.nanmean(np.where(initial_cal_flags, np.nan, (auto_here - models[bl]) / noise_model)**2)**.5
No GPU/TPU found, falling back to CPU. (Set TF_CPP_MIN_LOG_LEVEL=0 and rerun for more info.)
In [23]:
# Pick best autocorrelations to filter on
L2_bound = max(np.quantile(list(sqrt_mean_sqs.values()), MIN_FRAC_OF_AUTOS), MAX_AUTO_L2)
good_auto_bls = [bl for bl in candidate_autos if sqrt_mean_sqs[bl] <= L2_bound]
print(f'Using {len(good_auto_bls)} out of {len(candidate_autos)} candidate autocorrelations ({len(good_auto_bls) / len(candidate_autos):.2%}).') 
Using 50 out of 126 candidate autocorrelations (39.68%).
In [24]:
extent = [cs.freqs[0]/1e6, cs.freqs[-1]/1e6, cs.time_grid[-1] - int(cs.time_grid[0]), cs.time_grid[0] - int(cs.time_grid[0])]
In [25]:
def plot_all_filtered_bls(N_per_row=8):
    N_rows = int(np.ceil(len(candidate_autos) / N_per_row))
    fig, axes = plt.subplots(N_rows, N_per_row, figsize=(14, 3 * N_rows), dpi=100,
                             sharex=True, sharey=True, gridspec_kw={'wspace': 0, 'hspace': .18})

    for i, (ax, bl) in enumerate(zip(axes.flatten(), sorted(sqrt_mean_sqs.keys(), key=lambda bl: sqrt_mean_sqs[bl]))):
        auto_here = average_autos(good_data, [bl], auto_sums, cs)
        noise_model = predict_auto_noise(models[bl], int_time, chan_res, nsamples=1)

        im = ax.imshow(np.where(initial_cal_flags, np.nan, (auto_here - models[bl]) / noise_model).real, 
                       aspect='auto', interpolation='none', cmap='bwr', vmin=-10, vmax=10, extent=extent)
        ax.set_title(f'{bl[0]}{bl[2][0]}: {sqrt_mean_sqs[bl]:.3}', color=('k' if sqrt_mean_sqs[bl] <= L2_bound else 'r'), fontsize=10)

        if i == 0:
            plt.colorbar(im, ax=axes, location='top', label=r'Autocorrelation z-score after DPSS filtering (with $\langle z^2 \rangle^{1/2}$)', extend='both', aspect=40, pad=.015)
        if i % N_per_row == 0:
            ax.set_ylabel(f'JD - {int(cs.time_grid[0])}')       
    for ax in axes[-1, :]:
        ax.set_xlabel('Frequency (MHz)')
    plt.tight_layout()    

Figure 1: Show All DPSS Residual z-Scores¶

This figure shows the z-score waterfall of each antenna. Also shown is the square root of the mean of the square of each waterfall, as a metric of its instability. Antennas in red are excluded from the average of most stable antennas that are used for subsequent flagging.

In [26]:
plot_all_filtered_bls()
This figure includes Axes that are not compatible with tight_layout, so results might be incorrect.
In [27]:
# Compute average autocorrelation and DPSS filter it
avg_auto = average_autos(good_data, good_auto_bls, auto_sums, cs)
model = np.array(avg_auto)
submodel, _ = solve_2D_DPSS(avg_auto[ints_to_filt, chans_to_filt], wgts[ints_to_filt, chans_to_filt], 
                                time_filters, freq_filters, method='lu_solve', cached_input=cached_output)
model[ints_to_filt, chans_to_filt] = submodel
noise_model = predict_auto_noise(np.abs(model), int_time, chan_res, nsamples=len(good_auto_bls))
zscore = ((avg_auto - model) / noise_model).real
In [28]:
def plot_z_score(flags, zscore):
    plt.figure(figsize=(14,10), dpi=100)
    plt.imshow(np.where(flags, np.nan, zscore.real), aspect='auto', cmap='bwr', interpolation='none', vmin=-10, vmax=10, extent=extent)
    plt.colorbar(location='top', label='z score', extend='both')
    plt.xlabel('Frequency (MHz)')
    plt.ylabel(f'JD - {int(cs.time_grid[0])}')
    plt.tight_layout()

Figure 2: z-Score of DPSS-Filtered, Averaged Good Autocorrelation and Initial Flags¶

This plot shows the z-score of a DPSS-filtered, deeply averaged autocorrelation, where the noise is inferred from the integration time, channel width, and DPSS model.

In [29]:
plot_z_score(initial_cal_flags, zscore)

Expand original flags to include potential RFI missed by the file_calibration notebook¶

In [30]:
# flag outliers and perform watershed for lesser outliers neighboring flags
round_1_flags = copy.deepcopy(initial_cal_flags)
round_1_flags[zscore > Z_THRESH] = True
ws_flags = xrfi._ws_flag_waterfall(zscore, round_1_flags, WS_Z_THRESH)
round_1_flags |= ws_flags
In [31]:
def iteratively_flag_on_averaged_zscore(flags, zscore, avg_z_thresh=1.5, verbose=True):
    '''Flag whole integrations or channels based on average z-score. This is done
    iteratively to prevent bad times affecting channel averages or vice versa.'''
    flagged_chan_count = 0
    flagged_int_count = 0
    while True:
        zspec = np.nanmean(np.where(flags, np.nan, zscore), axis=0)
        ztseries = np.nanmean(np.where(flags, np.nan, zscore), axis=1)

        if (np.nanmax(zspec) < avg_z_thresh) and (np.nanmax(ztseries) < avg_z_thresh):
            break

        if np.nanmax(zspec) >= np.nanmax(ztseries):
            flagged_chan_count += np.sum(zspec >= max(ztseries))
            flags[:, zspec >= np.nanmax(ztseries)] = True
        else:
            flagged_int_count += np.sum(ztseries >= max(zspec))
            flags[ztseries >= np.nanmax(zspec), :] = True

    if verbose:
        print(f'Flagging an additional {flagged_int_count} integrations and {flagged_chan_count} channels.')

def impose_max_chan_flag_frac(flags, max_flag_frac=.25, verbose=True):
    '''Flag channels already flagged more than max_flag_frac (excluding completely flagged times).'''
    unflagged_times = ~np.all(flags, axis=1)
    frequently_flagged_chans =  np.mean(flags[unflagged_times, :], axis=0) >= max_flag_frac
    if verbose:
        print(f'Flagging {np.sum(frequently_flagged_chans) - np.sum(np.all(flags, axis=0))} channels previously flagged {max_flag_frac:.2%} or more.')        
    flags[:, frequently_flagged_chans] = True 
        
def impose_max_time_flag_frac(flags, max_flag_frac=.25, verbose=True):
    '''Flag times already flagged more than max_flag_frac (excluding completely flagged channels).'''
    unflagged_chans = ~np.all(flags, axis=0)
    frequently_flagged_times =  np.mean(flags[:, unflagged_chans], axis=1) >= max_flag_frac
    if verbose:
        print(f'Flagging {np.sum(frequently_flagged_times) - np.sum(np.all(flags, axis=1))} times previously flagged {max_flag_frac:.2%} or more.')
    flags[frequently_flagged_times, :] = True             
In [32]:
# Flag whole integrations or channels
iteratively_flag_on_averaged_zscore(round_1_flags, zscore, avg_z_thresh=AVG_Z_THRESH, verbose=True)
impose_max_chan_flag_frac(round_1_flags, max_flag_frac=MAX_FREQ_FLAG_FRAC, verbose=True)
impose_max_time_flag_frac(round_1_flags, max_flag_frac=MAX_TIME_FLAG_FRAC, verbose=True)
Mean of empty slice
Mean of empty slice
Flagging an additional 82 integrations and 18 channels.
Flagging 52 channels previously flagged 25.00% or more.
Flagging 23 times previously flagged 10.00% or more.

Figure 3: z-Score of DPSS-Filtered, Averaged Good Autocorrelation and Expanded Flags¶

This is the same as Figure 2, but includes additional flags identified based on a full 2D DPSS filter of this waterfall.

In [33]:
plot_z_score(round_1_flags, zscore)

Make new flags from scratch¶

In [34]:
noise = predict_auto_noise(avg_auto, int_time, chan_res, nsamples=len(good_auto_bls))
wgts = wgts = np.where(round_1_flags, 0, noise**-2)
In [35]:
time_filters, freq_filters = dpss_filters(freqs=cs.freqs[chans_to_filt], # Hz
                                          times=cs.time_grid[ints_to_filt], # JD
                                          freq_scale=FREQ_FILTER_SCALE,
                                          time_scale=TIME_FILTER_SCALE,
                                          eigenval_cutoff=EIGENVAL_CUTOFF)
model = np.array(avg_auto)
submodel, _ = solve_2D_DPSS(avg_auto[ints_to_filt, chans_to_filt], wgts[ints_to_filt, chans_to_filt],
                                   time_filters, freq_filters, method='lu_solve')
model[ints_to_filt, chans_to_filt] = submodel
In [36]:
noise_model = predict_auto_noise(np.abs(model), int_time, chan_res, nsamples=len(good_auto_bls))
zscore = ((avg_auto - model) / noise_model).real
In [37]:
round_2_flags = np.zeros_like(round_1_flags)

# flag any integrations fully-flagged by the notebooks (also accounts for missing data)
round_2_flags[np.all(initial_cal_flags, axis=1), :] = True

# flag on FM, sun-up data, and a priori flags
flag_FM(round_2_flags, cs.freqs, freq_range=FM_freq_range)
flag_sun(round_2_flags, cs.time_grid, max_solar_alt=MAX_SOLAR_ALT)
if APRIORI_YAML_PATH is not None:
    round_2_flags[apriori_flags, :] = True

# flag any round 1 flags that are still moderately high z-score
round_2_flags[round_1_flags & (zscore > REPEAT_FLAG_Z_THRESH)] = True
In [38]:
# Flag outliers and then perform watershed flagging
round_2_flags[zscore.real > Z_THRESH] = True
ws_flags = xrfi._ws_flag_waterfall(zscore.real, round_2_flags, WS_Z_THRESH)
round_2_flags |= ws_flags
In [39]:
# Flag whole integrations or channels
iteratively_flag_on_averaged_zscore(round_2_flags, zscore, avg_z_thresh=AVG_Z_THRESH, verbose=True)
impose_max_chan_flag_frac(round_2_flags, max_flag_frac=MAX_FREQ_FLAG_FRAC, verbose=True)
impose_max_time_flag_frac(round_2_flags, max_flag_frac=MAX_TIME_FLAG_FRAC, verbose=True)
Mean of empty slice
Mean of empty slice
Flagging an additional 45 integrations and 2 channels.
Flagging 43 channels previously flagged 25.00% or more.
Flagging 72 times previously flagged 10.00% or more.

Figure 4: z-Score of DPSS-Filtered, Averaged Good Autocorrelation and Final, Re-Computed Flags¶

This is the same as Figures 2 and 3, but now includes only the final set of flags.

In [40]:
plot_z_score(round_2_flags, zscore)
In [41]:
def summarize_flagging():
    plt.figure(figsize=(14,10), dpi=100)
    cmap = matplotlib.colors.ListedColormap(((0, 0, 0),) + matplotlib.cm.get_cmap("Set2").colors[:3])
    plt.imshow(np.where(initial_cal_flags & round_2_flags, 1, np.where(initial_cal_flags, 2, np.where(round_2_flags, 3, 0))), 
               aspect='auto', cmap=cmap, interpolation='none', extent=extent)
    plt.clim([-.5, 3.5])
    cbar = plt.colorbar(location='top', aspect=40, pad=.02)
    cbar.set_ticks([0, 1, 2, 3])
    cbar.set_ticklabels(['Unflagged', 'Flagged by both file_calibration and here', 'Flagged by file_calibration only', 'Flagged here only'])
    plt.xlabel('Frequency (MHz)')
    plt.ylabel(f'JD - {int(cs.time_grid[0])}')
    plt.tight_layout()

Figure 5: Summary of Flags Before and After Recomputing Them¶

This plot shows which times and frequencies were flagged by either the file_calibration notebook (which also includes a priori flags imposed here like FM), which ones were flagged only in this notebook, and which ones were flagged consistently (and often independently) in both.

In [42]:
summarize_flagging()
The get_cmap function was deprecated in Matplotlib 3.7 and will be removed two minor releases later. Use ``matplotlib.colormaps[name]`` or ``matplotlib.colormaps.get_cmap(obj)`` instead.

Save Results¶

In [43]:
add_to_history = 'Produced by full_day_rfi notebook with the following environment:\n' + '=' * 65 + '\n' + os.popen('conda env export').read() + '=' * 65
In [44]:
out_flag_files = [auto_sum.replace(SUM_AUTOS_SUFFIX, OUT_FLAG_SUFFIX) for auto_sum in auto_sums]
for auto_sum, cal, out_flag_file in zip(auto_sums, cs.cals, out_flag_files):
    with warnings.catch_warnings():
        warnings.simplefilter("once")
        # create UVFlag object based on UVData
        uvd = UVData()
        uvd.read(auto_sum)
        uvf = UVFlag(uvd, waterfall=True, mode='flag')
        uvf.use_future_array_shapes()

        # fill out flags
        for p in range(uvf.Npols):
            uvf.flag_array[:, :, p] = round_2_flags[cs.time_indices[cal], :]

        # write to disk
        uvf.history += add_to_history
    uvf.write(out_flag_file, clobber=True)
    
print(f'Saved {len(out_flag_files)} *.{OUT_FLAG_SUFFIX} files starting with {out_flag_files[0]}.')    
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25282.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25282.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25304.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25327.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25304.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25327.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25349.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25371.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25349.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25371.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25394.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25394.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25416.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25416.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25438.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25461.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25438.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25461.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25483.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25483.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25505.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25528.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25505.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25550.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25528.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25573.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25550.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25573.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25595.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25595.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25617.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25617.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25640.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25640.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25662.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25662.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25684.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25684.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25707.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25729.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25707.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25729.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25752.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25774.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25752.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25774.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25796.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25796.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25819.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25819.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25841.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25863.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25841.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25886.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25863.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25908.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25886.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25930.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25908.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25953.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25930.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25953.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25975.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25998.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25975.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26020.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25998.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26020.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26042.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26065.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26042.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26065.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26087.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26109.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26087.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26109.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26132.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26132.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26154.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26177.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26154.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26177.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26199.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26221.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26199.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26221.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26244.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26266.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26244.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26266.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26288.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26311.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26288.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26333.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26311.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26333.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26356.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26356.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26378.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26400.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26378.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26400.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26423.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26423.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26445.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26445.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26467.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26467.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26490.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26512.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26490.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26512.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26534.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26557.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26534.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26557.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26579.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26602.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26579.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26624.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26602.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26624.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26646.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26646.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26669.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26691.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26669.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26713.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26691.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26713.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26736.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26758.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26736.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26758.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26781.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26781.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26803.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26803.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26825.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26825.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26848.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26848.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26870.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26870.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26892.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26892.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26915.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26915.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26937.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26959.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26937.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26959.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26982.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.26982.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27004.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27027.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27004.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27027.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27049.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27049.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27071.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27071.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27094.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27094.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27116.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27116.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27138.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27161.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27138.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27161.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27183.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27183.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27206.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27228.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27206.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27228.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27250.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27273.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27250.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27295.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27273.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27295.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27317.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27317.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27340.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27340.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27362.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27362.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27385.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27407.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27385.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27429.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27407.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27452.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27429.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27474.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27452.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27496.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27474.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27519.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27496.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27519.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27541.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27541.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27563.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27563.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27586.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27608.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27586.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27608.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27631.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27631.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27653.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27675.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27653.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27698.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27675.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27698.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27720.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27720.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27742.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27742.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27765.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27787.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27765.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27810.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27787.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27810.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27832.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27854.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27832.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27877.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27854.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27899.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27877.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27921.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27899.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27944.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27921.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27944.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27966.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27966.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27988.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28011.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.27988.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28011.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28033.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28033.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28056.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28056.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28078.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28078.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28100.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28100.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28123.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28123.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28145.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28145.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28167.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28190.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28167.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28190.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28212.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28212.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28235.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28235.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28257.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28257.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28279.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28279.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28302.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28302.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28324.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28346.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28324.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28346.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28369.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28391.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28369.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28414.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28391.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28414.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28436.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28436.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28458.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28458.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28481.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28481.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28503.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28525.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28503.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28525.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28548.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28570.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28548.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28570.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28592.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28592.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28615.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28637.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28615.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28637.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28660.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28660.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28682.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28704.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28682.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28704.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28727.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28749.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28727.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28749.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28771.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28771.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28794.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28816.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28794.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28816.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28839.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28839.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28861.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28861.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28883.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28906.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28883.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28928.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28906.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28928.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28950.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28950.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28973.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28973.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28995.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.28995.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29017.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29040.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29017.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29040.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29062.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29085.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29062.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29085.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29107.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29129.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29107.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29152.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29129.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29174.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29152.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29196.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29174.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29196.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29219.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29219.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29241.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29264.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29241.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29264.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29286.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29286.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29308.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29308.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29331.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29353.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29331.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29353.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29375.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29398.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29375.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29420.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29398.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29420.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29443.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29443.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29465.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29487.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29465.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29487.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29510.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29532.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29510.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29532.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29554.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29577.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29554.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29577.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29599.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29599.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29621.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29644.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29621.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29644.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29666.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29689.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29666.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29689.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29711.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29711.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29733.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29756.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29733.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29756.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29778.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29778.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29800.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29823.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29800.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29823.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29845.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29868.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29845.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29890.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29868.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29912.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29890.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29935.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29912.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29935.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29957.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29957.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29979.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.29979.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30002.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30024.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30002.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30024.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30047.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30047.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30069.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30069.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30091.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30114.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30091.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30114.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30136.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30136.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30158.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30181.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30158.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30181.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30203.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30225.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30203.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30225.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30248.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30270.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30248.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30270.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30293.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30293.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30315.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30337.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30315.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30337.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30360.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30382.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30360.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30404.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30382.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30427.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30404.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30427.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30449.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30472.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30449.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30472.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30494.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30516.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30494.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30516.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30539.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30561.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30539.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30561.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30583.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30606.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30583.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30628.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30606.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30650.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30628.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30673.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30650.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30673.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30695.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30695.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30718.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30718.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30740.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30762.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30740.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30762.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30785.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30807.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30785.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30807.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30829.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30852.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30829.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30852.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30874.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30897.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30874.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30897.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30919.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30919.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30941.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30964.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30941.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30964.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30986.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.30986.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31008.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31008.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31031.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31031.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31053.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31076.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31053.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31098.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31076.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31098.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31120.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31120.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31143.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31143.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31165.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31165.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31187.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31187.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31210.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31232.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31210.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31232.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31254.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31277.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31254.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31277.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31299.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31322.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31299.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31322.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31344.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31366.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31344.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31389.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31366.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31389.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31411.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31411.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31433.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31456.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31433.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31456.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31478.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31501.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31478.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31523.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31501.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31523.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31545.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31568.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31545.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31568.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31590.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31590.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31612.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31612.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31635.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31657.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31635.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31657.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31679.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31679.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31702.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31724.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31702.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31724.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31747.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31747.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31769.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31769.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31791.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31791.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31814.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31814.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31836.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31858.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31836.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31858.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31881.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31881.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31903.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31903.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31926.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31948.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31926.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31948.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31970.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31993.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31970.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.31993.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32015.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32015.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32037.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32037.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32060.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32082.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32060.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32082.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32105.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32105.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32127.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32149.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32127.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32149.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32172.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32172.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32194.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32194.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32216.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32216.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32239.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32239.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32261.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32261.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32283.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32306.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32283.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32306.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32328.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32328.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32351.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32351.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32373.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32395.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32373.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32395.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32418.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32440.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32418.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32462.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32440.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32485.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32462.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32485.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32507.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32507.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32530.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32552.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32530.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32552.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32574.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32574.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32597.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32597.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32619.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32619.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32641.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32664.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32641.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32664.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32686.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32686.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32708.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32708.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32731.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32753.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32731.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32776.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32753.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32798.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32776.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32798.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32820.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32820.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32843.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32843.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32865.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32865.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32887.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32910.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32887.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32910.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32932.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32955.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32932.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32955.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32977.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32999.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32977.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.32999.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33022.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33044.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33022.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33066.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33044.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33066.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33089.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33111.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33089.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33111.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33134.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33134.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33156.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33156.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33178.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33201.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33178.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33201.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33223.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33245.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33223.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33268.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33245.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33290.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33268.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33312.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33290.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33312.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33335.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33357.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33335.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33357.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33380.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33380.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33402.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33424.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33402.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33424.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33447.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33469.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33447.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33491.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33469.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33491.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33514.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33514.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33536.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33536.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33559.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33581.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33559.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33581.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33603.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33603.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33626.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33626.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33648.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33670.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33648.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33670.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33693.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33715.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33693.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33715.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33737.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33737.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33760.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33760.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33782.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33805.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33782.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33805.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33827.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33849.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33827.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33872.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33849.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33872.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33894.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33894.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33916.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33939.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33916.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33939.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33961.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33984.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33961.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34006.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.33984.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34006.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34028.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34028.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34051.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34073.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34051.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34073.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34095.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34118.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34095.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34118.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34140.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34163.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34140.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34163.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34185.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34207.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34185.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34230.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34207.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34230.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34252.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34252.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34274.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34297.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34274.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34297.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34319.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34319.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34341.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34341.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34364.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34364.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34386.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34386.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34409.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34409.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34431.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34431.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34453.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34453.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34476.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34498.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34476.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34498.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34520.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34543.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34520.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34565.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34543.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34565.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34588.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34610.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34588.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34610.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34632.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34655.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34632.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34677.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34655.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34677.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34699.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34699.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34722.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34722.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34744.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34744.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34766.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34766.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34789.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34789.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34811.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34811.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34834.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34834.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34856.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34856.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34878.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34878.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34901.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34901.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34923.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34923.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34945.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34945.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34968.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34968.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34990.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.34990.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35013.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35013.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35035.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35035.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35057.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35057.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35080.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35102.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35080.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35102.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35124.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35124.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35147.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35147.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35169.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35192.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35169.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35214.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35192.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35214.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35236.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35236.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35259.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35259.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35281.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35303.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35281.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35303.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35326.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35348.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35326.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35348.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35370.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35370.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35393.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35393.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35415.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35438.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35415.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35438.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35460.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35482.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35460.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35505.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35482.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35527.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35505.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35549.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35527.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35572.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35549.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35594.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35572.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35617.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35594.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35639.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35617.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35639.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35661.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35684.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35661.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35684.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35706.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35728.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35706.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35751.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35728.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35773.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35751.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35795.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35773.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35795.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35818.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35840.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35818.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35840.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35863.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35885.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35863.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35907.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35885.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35930.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35907.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35952.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35930.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35974.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35952.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35997.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35974.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.35997.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36019.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36019.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36042.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36042.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36064.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36064.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36086.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36086.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36109.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36109.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36131.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36153.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36131.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36153.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36176.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36176.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36198.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36198.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36221.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36243.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36221.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36243.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36265.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36288.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36265.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36310.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36288.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36310.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36332.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36332.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36355.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36377.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36355.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36377.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36399.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36422.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36399.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36444.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36422.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36444.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36467.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36467.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36489.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36511.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36489.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36511.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36534.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36556.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36534.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36556.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36578.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36578.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36601.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36601.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36623.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36623.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36646.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36646.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36668.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36668.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36690.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36690.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36713.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36713.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36735.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36757.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36735.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36757.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36780.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36802.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36780.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36824.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36802.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36824.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36847.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36869.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36847.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36869.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36892.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36892.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36914.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36914.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36936.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36959.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36936.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36981.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36959.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.36981.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37003.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37026.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37003.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37026.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37048.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37048.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37071.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37071.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37093.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37115.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37093.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37115.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37138.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37160.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37138.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37182.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37160.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37182.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37205.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37205.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37227.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37227.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37250.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37250.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37272.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37294.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37272.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37294.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37317.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37339.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37317.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37339.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37361.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37384.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37361.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37384.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37406.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37428.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37406.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37451.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37428.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37473.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37451.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37473.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37496.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37518.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37496.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37518.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37540.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37563.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37540.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37585.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37563.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37607.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37585.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37630.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37607.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37652.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37630.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37652.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37675.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37697.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37675.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37697.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37719.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37742.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37719.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37764.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37742.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37764.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37786.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37809.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37786.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37809.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37831.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37831.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37853.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37853.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37876.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37876.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37898.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37921.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37898.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37943.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37921.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37965.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37943.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37988.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37965.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.37988.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38010.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38010.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38032.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38032.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38055.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38055.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38077.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38077.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38100.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38122.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38100.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38122.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38144.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38167.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38144.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38167.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38189.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38211.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38189.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38211.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38234.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38234.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38256.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38256.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38279.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38301.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38279.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38301.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38323.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38346.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38323.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38346.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38368.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38368.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38390.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38390.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38413.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38413.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38435.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38435.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38457.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38480.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38457.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38502.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38480.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38525.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38502.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38547.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38525.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38569.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38547.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38592.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38569.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38614.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38592.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38636.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38614.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38659.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38636.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38681.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38659.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38704.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38681.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38704.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38726.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38726.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38748.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38748.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38771.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38771.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38793.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38793.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38815.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38815.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38838.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38838.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38860.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38860.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38883.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38883.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38905.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38927.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38905.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38927.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38950.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38950.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38972.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38972.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38994.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39017.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.38994.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39017.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39039.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39061.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39039.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39061.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39084.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39106.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39084.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39129.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39106.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39151.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39129.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39151.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39173.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39173.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39196.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39196.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39218.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39218.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39240.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39263.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39240.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39263.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39285.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39285.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39308.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39308.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39330.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39352.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39330.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39352.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39375.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39397.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39375.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39397.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39419.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39419.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39442.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39442.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39464.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39464.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39486.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39486.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39509.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39509.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39531.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39531.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39554.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39554.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39576.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39576.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39598.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39621.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39598.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39621.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39643.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39643.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39665.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39665.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39688.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39688.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39710.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39733.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39710.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39733.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39755.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39777.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39755.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39777.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39800.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39822.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39800.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39822.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39844.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39844.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39867.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39889.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39867.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39889.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39912.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39934.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39912.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39956.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39934.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39979.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39956.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40001.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.39979.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40023.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40001.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40046.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40023.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40046.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40068.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40068.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40090.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40090.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40113.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40113.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40135.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40158.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40135.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40158.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40180.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40202.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40180.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40225.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40202.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40225.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40247.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40247.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40269.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40269.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40292.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40314.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40292.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40314.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40337.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40359.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40337.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40381.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40359.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40404.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40381.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40426.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40404.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40426.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40448.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40448.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40471.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40471.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40493.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40493.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40515.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40515.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40538.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40560.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40538.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40560.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40583.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40605.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40583.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40605.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40627.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40627.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40650.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40672.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40650.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40694.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40672.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40694.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40717.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40717.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40739.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40762.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40739.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40762.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40784.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40784.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40806.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40806.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40829.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40851.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40829.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40851.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40873.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40896.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40873.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40896.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40918.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40918.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40941.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40941.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40963.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40985.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40963.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.40985.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41008.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41008.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41030.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41052.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41030.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41052.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41075.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41075.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41097.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41097.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41119.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41142.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41119.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41142.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41164.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41187.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41164.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41187.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41209.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41231.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41209.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41254.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41231.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41254.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41276.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41276.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41298.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41298.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41321.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41321.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41343.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41366.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41343.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41366.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41388.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41410.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41388.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41410.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41433.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41433.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41455.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41477.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41455.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41500.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41477.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41522.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41500.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41522.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41544.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41544.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41567.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41589.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41567.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41589.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41612.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41634.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41612.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41634.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41656.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41679.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41656.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41701.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41679.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41701.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41723.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41746.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41723.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41746.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41768.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41768.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41791.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41791.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41813.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41835.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41813.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41835.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41858.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41858.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41880.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41880.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41902.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41925.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41902.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41947.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41925.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41970.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41947.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41970.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41992.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42014.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.41992.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42014.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42037.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42059.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42037.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42081.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42059.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42104.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42081.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42126.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42104.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42148.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42126.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42148.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42171.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42171.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42193.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42193.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42216.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42216.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42238.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42238.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42260.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42283.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42260.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42283.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42305.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42305.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42327.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42327.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42350.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42372.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42350.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42372.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42395.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42417.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42395.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42417.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42439.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42462.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42439.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42462.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42484.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42484.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42506.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42506.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42529.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42551.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42529.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42573.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42551.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42596.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42573.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42596.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42618.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42618.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42641.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42663.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42641.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42663.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42685.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42708.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42685.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42708.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42730.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42752.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42730.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42752.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42775.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42797.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42775.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42797.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42820.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42820.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42842.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42842.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42864.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42887.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42864.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42909.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42887.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42909.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42931.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42931.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42954.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42954.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42976.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42999.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42976.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.42999.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43021.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43043.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43021.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43043.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43066.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43088.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43066.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43088.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43110.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43110.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43133.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43155.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43133.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43155.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43177.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43177.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43200.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43200.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43222.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43245.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43222.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43267.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43245.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43289.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43267.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43289.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43312.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43334.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43312.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43356.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43334.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43379.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43356.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43401.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43379.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43424.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43401.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43424.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43446.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43468.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43446.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43468.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43491.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43513.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43491.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43535.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43513.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43535.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43558.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43558.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43580.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43580.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43602.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43602.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43625.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43647.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43625.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43647.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43670.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43670.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43692.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43692.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43714.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43714.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43737.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43759.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43737.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43759.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43781.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43804.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43781.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43804.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43826.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43849.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43826.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43871.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43849.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43893.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43871.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43916.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43893.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43938.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43916.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43938.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43960.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43983.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43960.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.43983.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44005.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44005.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44028.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44050.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44028.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44050.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44072.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44095.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44072.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44095.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44117.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44139.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44117.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44139.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44162.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44184.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44162.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44206.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44184.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44229.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44206.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44251.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44229.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44274.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44251.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44274.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44296.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44296.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44318.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44318.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44341.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44341.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44363.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44363.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44385.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44385.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44408.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44408.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44430.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44430.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44453.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44475.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44453.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44475.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44497.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44520.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44497.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44520.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44542.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44564.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44542.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44564.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44587.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44609.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44587.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44609.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44631.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44631.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44654.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44654.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44676.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44676.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44699.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44699.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44721.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44721.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44743.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44743.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44766.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44788.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44766.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44788.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44810.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44833.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44810.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44833.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44855.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44878.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44855.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44878.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44900.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44922.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44900.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44945.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44922.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44945.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44967.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44967.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44989.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.44989.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45012.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45012.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45034.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45034.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45057.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45079.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45057.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45079.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45101.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45101.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45124.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45124.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45146.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45168.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45146.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45168.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45191.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45191.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45213.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45235.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45213.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45235.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45258.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45280.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45258.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45280.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45303.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45325.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45303.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45347.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45325.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45370.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45347.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45392.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45370.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45392.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45414.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45414.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45437.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45437.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45459.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45482.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45459.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45482.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45504.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45526.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45504.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45549.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45526.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45549.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45571.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45571.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45593.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45616.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45593.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45616.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45638.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45660.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45638.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45660.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45683.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45705.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45683.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45705.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45728.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45750.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45728.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45750.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45772.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45795.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45772.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45795.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45817.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45817.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45839.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45839.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45862.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45884.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45862.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45907.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45884.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45907.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45929.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45929.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45951.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45951.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45974.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45974.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45996.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.45996.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46018.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46041.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46018.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46041.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46063.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46063.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46086.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46108.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46086.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46108.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46130.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46153.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46130.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46153.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46175.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46175.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46197.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46197.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46220.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46220.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46242.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46242.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46264.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46264.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46287.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46287.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46309.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46309.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46332.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46332.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46354.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46354.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46376.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46399.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46376.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46399.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46421.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46421.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46443.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46466.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46443.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46466.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46488.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46488.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46511.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46511.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46533.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46555.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46533.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46578.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46555.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46600.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46578.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46600.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46622.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46622.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46645.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46645.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46667.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46690.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46667.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46690.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46712.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46712.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46734.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46734.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46757.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46757.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46779.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46779.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46801.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46801.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46824.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46846.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46824.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46846.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46868.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46868.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46891.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46891.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46913.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46913.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46936.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46936.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46958.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46958.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46980.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.46980.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47003.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47025.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47003.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47047.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47025.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47047.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47070.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47092.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47070.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47092.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47115.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47137.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47115.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47137.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47159.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47182.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47159.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47204.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47182.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47226.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47204.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47226.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47249.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47271.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47249.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47271.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47293.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47316.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47293.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47338.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47316.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47361.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47338.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47361.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47383.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47383.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47405.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47405.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47428.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47428.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47450.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47472.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47450.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47472.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47495.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47517.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47495.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47540.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47517.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47540.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47562.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47562.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47584.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47584.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47607.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47629.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47607.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47629.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47651.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47674.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47651.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47674.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47696.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47696.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47719.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47719.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47741.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47741.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47763.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47763.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47786.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47786.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47808.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47808.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47830.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47830.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47853.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47875.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47853.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47875.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47897.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47920.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47897.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47942.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47920.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47965.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47942.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47965.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47987.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.47987.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48009.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48009.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48032.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48032.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48054.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48076.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48054.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48076.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48099.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48121.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48099.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48121.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48144.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48144.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48166.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48166.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48188.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48188.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48211.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48233.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48211.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48233.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48255.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48255.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48278.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48278.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48300.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48322.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48300.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48345.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48322.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48345.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48367.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48390.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48367.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48390.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48412.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48412.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48434.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48457.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48434.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48457.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48479.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48479.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48501.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48501.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48524.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48546.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48524.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48546.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48569.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48591.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48569.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48591.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48613.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48613.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48636.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48658.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48636.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48658.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48680.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48703.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48680.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48725.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48703.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48725.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48748.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48748.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48770.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48792.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48770.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48792.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48815.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48815.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48837.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48837.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48859.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48859.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48882.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48904.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48882.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48904.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48926.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48949.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48926.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48949.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48971.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48994.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48971.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.48994.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49016.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49016.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49038.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49038.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49061.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49083.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49061.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49105.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49083.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49128.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49105.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49150.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49128.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49150.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49173.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49173.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49195.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49217.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49195.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49240.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49217.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49262.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49240.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49284.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49262.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49307.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49284.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49329.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49307.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49351.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49329.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49351.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49374.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49374.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49396.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49419.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49396.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49419.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49441.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49463.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49441.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49463.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49486.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49508.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49486.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49530.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49508.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49530.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49553.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49553.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49575.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49575.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49598.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49598.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49620.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49620.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49642.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49642.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49665.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49665.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49687.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49709.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49687.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49709.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49732.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49732.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49754.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49754.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49777.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49777.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49799.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49821.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49799.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49821.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49844.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49866.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49844.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49866.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49888.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49888.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49911.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49933.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49911.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49933.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49955.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49955.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49978.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.49978.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50000.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50000.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50023.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50023.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50045.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50045.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50067.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50090.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50067.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50090.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50112.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50134.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50112.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50157.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50134.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50157.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50179.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50202.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50179.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50202.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50224.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50246.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50224.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50246.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50269.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50269.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50291.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50291.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50313.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50336.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50313.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50336.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50358.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50358.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50380.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50380.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50403.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50403.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50425.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50425.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50448.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50448.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50470.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50470.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50492.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50492.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50515.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50515.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50537.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50537.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50559.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50559.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50582.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50582.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50604.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50604.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50627.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50627.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50649.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50649.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50671.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50694.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50671.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50694.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50716.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50716.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50738.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50761.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50738.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50761.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50783.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50783.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50806.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50806.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50828.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50828.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50850.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50873.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50850.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50873.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50895.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50917.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50895.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50940.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50917.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50962.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50940.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50962.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50984.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51007.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.50984.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51029.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51007.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51029.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51052.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51074.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51052.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51096.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51074.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51096.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51119.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51141.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51119.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51141.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51163.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51186.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51163.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51186.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51208.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51208.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51231.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51253.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51231.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51253.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51275.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51275.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51298.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51320.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51298.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51320.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51342.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51365.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51342.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51387.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51365.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51409.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51387.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51409.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51432.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51454.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51432.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51477.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51454.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51499.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51477.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51521.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51499.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51544.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51521.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51544.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51566.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51588.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51566.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51611.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51588.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51611.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51633.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51633.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51656.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51678.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51656.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51678.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51700.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51723.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51700.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51745.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51723.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51745.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51767.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51790.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51767.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51790.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51812.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51835.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51812.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51835.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51857.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51879.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51857.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51879.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51902.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51902.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51924.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51924.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51946.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51969.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51946.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51969.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51991.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.51991.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52013.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52013.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52036.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52058.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52036.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52058.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52081.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52103.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52081.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52103.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52125.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52125.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52148.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52148.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52170.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52170.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52192.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52215.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52192.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52215.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52237.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52260.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52237.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52282.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52260.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52282.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52304.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52304.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52327.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52327.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52349.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52371.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52349.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52371.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52394.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52416.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52394.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52438.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52416.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52438.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52461.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52461.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52483.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52506.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52483.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52506.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52528.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52528.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52550.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52573.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52550.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52573.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52595.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52595.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52617.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52617.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52640.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52640.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52662.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52662.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52685.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52685.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52707.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52729.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52707.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52729.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52752.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52752.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52774.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52774.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52796.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52819.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52796.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52819.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52841.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52864.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52841.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52886.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52864.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52908.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52886.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52931.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52908.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52953.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52931.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52975.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52953.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52998.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52975.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.52998.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53020.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53042.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53020.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53042.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53065.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53065.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53087.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53110.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53087.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53110.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53132.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53154.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53132.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53177.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53154.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53199.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53177.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53199.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53221.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53221.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53244.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53244.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53266.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53289.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53266.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53289.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53311.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53311.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53333.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53333.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53356.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53378.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53356.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53378.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53400.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53400.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53423.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53423.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53445.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53467.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53445.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53490.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53467.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53490.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53512.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53535.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53512.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53535.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53557.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53579.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53557.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53602.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53579.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53602.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53624.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53624.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53646.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53646.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53669.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53669.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53691.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53714.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53691.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53736.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53714.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53736.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53758.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53781.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53758.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53803.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53781.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53803.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53825.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53848.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53825.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53848.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53870.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53870.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53893.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53893.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53915.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53937.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53915.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53937.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53960.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53960.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53982.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.53982.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54004.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54027.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54004.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54049.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54027.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54071.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54049.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54071.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54094.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54094.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54116.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54139.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54116.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54139.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54161.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54161.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54183.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54183.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54206.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54206.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54228.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54250.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54228.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54250.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54273.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54295.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54273.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54295.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54318.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54340.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54318.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54362.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54340.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54385.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54362.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54385.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54407.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54429.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54407.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54429.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54452.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54452.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54474.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54474.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54496.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54519.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54496.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54519.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54541.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54541.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54564.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54586.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54564.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54608.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54586.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54608.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54631.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54653.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54631.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54653.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54675.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54675.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54698.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54720.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54698.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54720.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54743.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54765.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54743.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54787.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54765.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54787.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54810.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54832.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54810.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54854.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54832.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54877.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54854.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54877.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54899.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54899.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54922.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54944.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54922.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54944.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54966.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54989.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54966.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.54989.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55011.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55011.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55033.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55056.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55033.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55056.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55078.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55078.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55100.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55100.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55123.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55145.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55123.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55145.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55168.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55168.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55190.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55190.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55212.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55212.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55235.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55257.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55235.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55257.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55279.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55279.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55302.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55302.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55324.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55347.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55324.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55347.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55369.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55369.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55391.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55391.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55414.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55436.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55414.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55436.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55458.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55458.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55481.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55481.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55503.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55503.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55526.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55548.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55526.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55548.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55570.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55570.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55593.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55593.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55615.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55637.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55615.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55637.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55660.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55682.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55660.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55682.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55704.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55704.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55727.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55749.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55727.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55749.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55772.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55772.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55794.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55794.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55816.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55839.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55816.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55839.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55861.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55883.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55861.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55906.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55883.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55906.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55928.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55928.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55951.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55973.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55951.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55973.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55995.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.55995.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56018.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56018.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56040.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56062.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56040.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56062.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56085.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56107.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56085.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56129.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56107.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56152.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56129.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56174.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56152.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56197.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56174.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56219.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56197.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56219.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56241.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56264.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56241.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56264.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56286.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56286.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56308.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56308.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56331.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56331.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56353.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56353.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56376.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56376.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56398.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56398.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56420.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56443.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56420.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56443.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56465.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56487.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56465.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56487.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56510.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56510.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56532.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56532.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56555.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56555.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56577.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56577.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56599.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56622.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56599.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56622.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56644.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56666.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56644.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56689.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56666.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56689.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56711.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56733.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56711.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56733.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56756.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56756.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56778.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56801.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56778.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56801.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56823.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56845.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56823.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56868.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56845.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56890.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56868.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56912.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56890.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56912.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56935.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56935.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56957.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56957.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56980.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57002.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.56980.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57002.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57024.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57047.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57024.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57047.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57069.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57069.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57091.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57091.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57114.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57114.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57136.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57158.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57136.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57158.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57181.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57181.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57203.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57203.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57226.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57226.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57248.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57248.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57270.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57270.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57293.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57315.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57293.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57315.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57337.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57360.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57337.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57360.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57382.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57405.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57382.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57405.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57427.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57449.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57427.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57472.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57449.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57494.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57472.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57494.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57516.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57539.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57516.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57539.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57561.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57584.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57561.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57584.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57606.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57606.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57628.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57628.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57651.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57651.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57673.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57673.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57695.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57718.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57695.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57718.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57740.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57740.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57762.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57785.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57762.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57785.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57807.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57807.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57830.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57852.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57830.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57874.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57852.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57874.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57897.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57919.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57897.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57919.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57941.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57964.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57941.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57986.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57964.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.57986.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58009.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58009.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58031.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58031.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58053.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58053.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58076.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58098.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58076.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58098.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58120.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58143.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58120.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58165.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58143.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58165.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58187.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58187.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58210.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58232.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58210.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58232.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58255.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58277.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58255.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58277.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58299.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58322.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58299.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58344.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58322.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58344.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58366.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58366.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58389.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58411.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58389.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58411.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58434.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58434.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58456.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58478.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58456.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58478.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58501.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58501.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58523.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58523.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58545.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58545.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58568.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58568.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58590.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58590.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58613.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58613.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58635.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58657.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58635.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58657.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58680.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58680.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58702.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58702.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58724.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58724.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58747.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58747.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58769.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58769.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58791.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58814.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58791.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58814.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58836.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58859.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58836.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58881.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58859.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58903.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58881.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58926.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58903.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58926.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58948.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58970.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58948.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58993.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58970.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59015.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.58993.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59038.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59015.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59060.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59038.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59060.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59082.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59105.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59082.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59105.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59127.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59127.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59149.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59172.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59149.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59172.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59194.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59194.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59216.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59216.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59239.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59239.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59261.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59284.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59261.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59306.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59284.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59328.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59306.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59328.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59351.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59373.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59351.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59373.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59395.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59395.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59418.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59418.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59440.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59440.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59463.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59463.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59485.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59485.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59507.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59507.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59530.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59552.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59530.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59552.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59574.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59597.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59574.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59597.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59619.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59619.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59642.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59642.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59664.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59686.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59664.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59709.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59686.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59731.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59709.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59753.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59731.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59753.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59776.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59776.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59798.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59798.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59820.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59820.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59843.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59865.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59843.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59865.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59888.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59910.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59888.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59932.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59910.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59932.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59955.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59977.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59955.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59999.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59977.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.59999.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60022.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60022.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60044.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60067.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60044.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60067.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60089.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60111.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60089.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60134.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60111.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60134.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60156.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60178.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60156.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60201.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60178.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60223.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60201.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60223.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60245.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60245.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60268.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60268.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60290.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60290.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60313.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60313.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60335.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60335.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60357.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60380.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60357.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60402.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60380.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60402.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60424.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60424.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60447.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60447.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60469.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60469.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60492.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60492.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60514.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60514.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60536.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60536.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60559.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60559.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60581.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60603.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60581.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60603.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60626.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60626.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60648.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60648.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60671.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60671.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60693.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60693.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60715.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60738.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60715.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60738.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60760.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60782.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60760.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60805.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60782.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60827.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60805.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60849.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60827.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60872.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60849.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60894.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60872.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60894.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60917.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60939.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60917.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60939.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60961.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60961.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60984.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61006.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.60984.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61006.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61028.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61051.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61028.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61051.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61073.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61073.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61096.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61096.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61118.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61118.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61140.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61140.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61163.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61163.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61185.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61207.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61185.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61207.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61230.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61230.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61252.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61252.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61274.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61274.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61297.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61319.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61297.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61319.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61342.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61342.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61364.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61364.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61386.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61409.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61386.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61409.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61431.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61431.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61453.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61476.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61453.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61476.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61498.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61521.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61498.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61543.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61521.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61565.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61543.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61588.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61565.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61588.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61610.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61610.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61632.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61632.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61655.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61655.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61677.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61677.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61700.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61722.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61700.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61722.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61744.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61767.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61744.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61767.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61789.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61811.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61789.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61811.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61834.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61856.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61834.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61878.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61856.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61901.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61878.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61923.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61901.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61946.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61923.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61946.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61968.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61968.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61990.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.61990.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62013.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62013.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62035.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62035.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62057.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62080.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62057.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62080.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62102.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62102.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62125.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62125.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62147.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62147.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62169.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62169.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62192.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62192.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62214.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62214.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62236.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62236.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62259.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62259.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62281.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62303.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62281.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62303.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62326.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62326.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62348.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62348.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62371.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62393.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62371.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62393.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62415.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62438.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62415.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62438.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62460.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62482.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62460.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62482.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62505.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62527.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62505.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62527.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62550.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62550.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62572.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62594.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62572.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62594.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62617.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62617.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62639.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62639.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62661.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62684.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62661.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62684.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62706.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62706.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62729.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62729.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62751.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62751.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62773.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62796.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62773.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62796.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62818.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62840.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62818.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62863.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62840.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62863.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62885.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62907.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62885.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62930.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62907.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62952.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62930.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62975.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62952.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62997.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62975.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63019.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.62997.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63019.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63042.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63064.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63042.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63064.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63086.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63086.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63109.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63109.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63131.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63131.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63154.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63154.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63176.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63176.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63198.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63198.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63221.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63243.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63221.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63243.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63265.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63288.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63265.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63288.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63310.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63310.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63332.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63355.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63332.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63355.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63377.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63400.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63377.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63400.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63422.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63444.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63422.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63444.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63467.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63489.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63467.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63489.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63511.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63534.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63511.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63556.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63534.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63579.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63556.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63579.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63601.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63623.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63601.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63623.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63646.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63646.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63668.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63668.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63690.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63713.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63690.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63713.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63735.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63758.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63735.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63758.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63780.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63780.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63802.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63802.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63825.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63825.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63847.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63847.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63869.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63869.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63892.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63892.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63914.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63914.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63936.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63959.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63936.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63959.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63981.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64004.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.63981.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64026.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64004.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64048.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64026.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64071.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64048.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64071.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64093.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64093.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64115.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64115.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64138.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64160.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64138.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64160.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64183.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64205.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64183.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64205.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64227.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64250.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64227.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64272.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64250.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64294.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64272.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64294.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64317.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64317.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64339.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64339.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64362.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64384.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64362.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64384.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64406.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64406.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64429.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64451.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64429.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64451.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64473.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64473.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64496.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64496.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64518.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64518.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64540.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64540.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64563.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64585.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64563.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64585.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64608.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64608.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64630.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64630.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64652.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64675.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64652.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64675.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64697.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64697.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64719.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64719.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64742.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64764.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64742.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64764.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64787.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64809.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64787.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64809.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64831.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64831.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64854.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64854.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64876.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64876.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64898.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64898.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64921.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64943.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64921.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64943.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64965.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64965.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64988.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.64988.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65010.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65010.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65033.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65033.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65055.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65055.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65077.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65077.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65100.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65100.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65122.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65122.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65144.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65167.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65144.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65167.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65189.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65212.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65189.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65234.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65212.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65234.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65256.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65279.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65256.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65279.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65301.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65301.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65323.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65323.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65346.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65368.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65346.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65368.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65391.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65413.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65391.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65413.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65435.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65435.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65458.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65458.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65480.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65502.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65480.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65525.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65502.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65547.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65525.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65547.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65569.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65569.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65592.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65592.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65614.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65614.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65637.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65637.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65659.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65659.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65681.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65681.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65704.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65726.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65704.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65726.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65748.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65748.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65771.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65771.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65793.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65793.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65816.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65838.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65816.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65838.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65860.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65883.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65860.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65905.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65883.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65927.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65905.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65927.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65950.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65950.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65972.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65994.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65972.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.65994.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66017.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66039.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66017.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66062.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66039.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66084.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66062.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66084.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66106.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66129.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66106.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66129.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66151.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66173.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66151.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66173.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66196.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66218.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66196.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66218.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66241.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66241.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66263.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66263.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66285.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66308.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66285.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66308.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66330.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66330.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66352.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66352.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66375.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66375.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66397.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66420.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66397.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66420.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66442.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66442.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66464.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66487.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66464.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66487.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66509.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66509.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66531.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66554.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66531.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66554.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66576.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66598.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66576.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66598.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66621.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66643.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66621.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66643.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66666.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66688.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66666.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66688.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66710.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66710.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66733.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66733.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66755.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66777.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66755.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66777.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66800.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66822.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66800.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66845.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66822.sum.flag_waterfall.h5 exists; clobbering
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66867.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66845.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66867.sum.flag_waterfall.h5 exists; clobbering
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66889.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.
LST values stored in /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66912.sum.autos.uvh5 are not self-consistent with time_array and telescope location. Consider recomputing with utils.get_lst_for_time.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning. See the UVData tutorial on ReadTheDocs for more details about these shape changes.
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66889.sum.flag_waterfall.h5 exists; clobbering
File /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.66912.sum.flag_waterfall.h5 exists; clobbering
Saved 1862 *.sum.flag_waterfall.h5 files starting with /lustre/aoc/projects/hera/h6c-analysis/IDR2/2459868/zen.2459868.25282.sum.flag_waterfall.h5.
The shapes of several attributes will be changing in the future to remove the deprecated spectral window axis. You can call the `use_future_array_shapes` method to convert to the future array shapes now or set the parameter of the same name on this method to both convert to the future array shapes and silence this warning.

TODO: Explore per-antenna flagging using DPSS filters¶

Metadata¶

In [45]:
for repo in ['hera_cal', 'hera_qm', 'hera_filters', 'hera_notebook_templates', 'pyuvdata']:
    exec(f'from {repo} import __version__')
    print(f'{repo}: {__version__}')
hera_cal: 3.2.3
hera_qm: 2.1.1
hera_filters: 0.1.4.dev2+ga4ff591
hera_notebook_templates: 0.1.dev531+gfe314a8
pyuvdata: 2.3.3.dev39+g16031096
In [46]:
print(f'Finished execution in {(time.time() - tstart) / 60:.2f} minutes.')
Finished execution in 34.55 minutes.