Second Round of Full Day RFI Flagging¶

by Josh Dillon, last updated July 31, 2023

This notebook is synthesizes information from individual delay_filtered_average_zscore notebooks to find low-level RFI and flag it. That notebook takes smooth_calibrated data, redundantly averages it, performs a high-pass delay filter, and then incoherently averages across baselines, creating a per-polarization z-score. This notebook then takes that whole night of z-scores and finds a new set of flags to both add to the smooth_cal files, which are updated in place, and to write down as new UVFlag waterfall-type .h5 files.

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

• Figure 1: Waterfall of Maximum z-Score of Either Polarization Before Round 2 Flagging¶

• Figure 2: Histogram of z-scores¶

• Figure 3: Waterfall of Maximum z-Score of Either Polarization After Round 2 Flagging¶

• Figure 4: Spectra of Time-Averaged z-Scores¶

• Figure 5: Summary of Flags Before and After Round 2 Flagging¶

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 glob
import matplotlib.pyplot as plt
import matplotlib
import copy
import warnings
from pyuvdata import UVFlag, UVCal
from hera_cal import utils
from hera_qm import xrfi
from hera_qm.time_series_metrics import true_stretches

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'
In [3]:
# get input data file names
SUM_FILE = os.environ.get("SUM_FILE", None)
# SUM_FILE = '/lustre/aoc/projects/hera/h6c-analysis/IDR2/2459861/zen.2459861.25297.sum.uvh5'
SUM_SUFFIX = os.environ.get("SUM_SUFFIX", 'sum.uvh5')

# get input and output suffixes
SMOOTH_CAL_SUFFIX = os.environ.get("SMOOTH_CAL_SUFFIX", 'sum.smooth.calfits')
ZSCORE_SUFFIX =  os.environ.get("ZSCORE_SUFFIX", 'sum.red_avg_zscore.h5')
FLAG_WATERFALL2_SUFFIX = os.environ.get("FLAG_WATERFALL2_SUFFIX", 'sum.flag_waterfall_round_2.h5')
OUT_YAML_SUFFIX = os.environ.get("OUT_YAML_SUFFIX", '_aposteriori_flags.yaml')
OUT_YAML_DIR = os.environ.get("OUT_YAML_DIR", None)

# build globs
sum_glob = '.'.join(SUM_FILE.split('.')[:-3]) + '.*.' + SUM_SUFFIX
cal_files_glob = sum_glob.replace(SUM_SUFFIX, SMOOTH_CAL_SUFFIX)
zscore_glob = sum_glob.replace(SUM_SUFFIX, ZSCORE_SUFFIX)

# build out yaml file
if OUT_YAML_DIR is None:
    OUT_YAML_DIR = os.path.dirname(SUM_FILE)
out_yaml_file = os.path.join(OUT_YAML_DIR, SUM_FILE.split('.')[-4] + OUT_YAML_SUFFIX)    

# get flagging parameters
Z_THRESH = float(os.environ.get("Z_THRESH", 5))
WS_Z_THRESH = float(os.environ.get("WS_Z_THRESH", 4))
AVG_Z_THRESH = float(os.environ.get("AVG_Z_THRESH", 1))
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 ['Z_THRESH', 'WS_Z_THRESH', 'AVG_Z_THRESH', 'MAX_FREQ_FLAG_FRAC', 'MAX_TIME_FLAG_FRAC']:
    print(f'{setting} = {eval(setting)}')
Z_THRESH = 5.0
WS_Z_THRESH = 4.0
AVG_Z_THRESH = 1.0
MAX_FREQ_FLAG_FRAC = 0.25
MAX_TIME_FLAG_FRAC = 0.1

Load z-scores¶

In [4]:
# load z-scores
zscore_files = sorted(glob.glob(zscore_glob))
print(f'Found {len(zscore_files)} *.{ZSCORE_SUFFIX} files starting with {zscore_files[0]}.')
uvf = UVFlag(zscore_files, use_future_array_shapes=True)
Found 1916 *.sum.red_avg_zscore.h5 files starting with /mnt/sn1/data1/2460597/zen.2460597.25262.sum.red_avg_zscore.h5.
In [5]:
# get calibration solution files
cal_files = sorted(glob.glob(cal_files_glob))
print(f'Found {len(cal_files)} *.{SMOOTH_CAL_SUFFIX} files starting with {cal_files[0]}.')
Found 1916 *.sum.smooth.calfits files starting with /mnt/sn1/data1/2460597/zen.2460597.25262.sum.smooth.calfits.
In [6]:
assert len(zscore_files) == len(cal_files)
In [7]:
# extract z-scores and correct by a single number per polarization to account for biases created by filtering
zscore = {pol: uvf.metric_array[:, :, np.argwhere(uvf.polarization_array == utils.polstr2num(pol, x_orientation=uvf.x_orientation))[0][0]] for pol in ['ee', 'nn']}
zscore = {pol: zscore[pol] - np.nanmedian(zscore[pol]) for pol in zscore}
In [8]:
freqs = uvf.freq_array
times = uvf.time_array
In [9]:
extent = [freqs[0] / 1e6, freqs[-1] / 1e6, times[-1] - int(times[0]), times[0] - int(times[0])]
In [10]:
def plot_max_z_score(zscore, flags=None):
    if flags is None:
        flags = np.any(~np.isfinite(list(zscore.values())), axis=0)
    plt.figure(figsize=(14,10), dpi=100)
    plt.imshow(np.where(flags, np.nan, np.nanmax([zscore['ee'], zscore['nn']], axis=0)), aspect='auto', 
               cmap='coolwarm', interpolation='none', vmin=-10, vmax=10, extent=extent)
    plt.colorbar(location='top', label='Max z-score of either polarization', extend='both', aspect=40, pad=.02)
    plt.xlabel('Frequency (MHz)')
    plt.ylabel(f'JD - {int(times[0])}')
    plt.tight_layout()

Figure 1: Waterfall of Maximum z-Score of Either Polarization Before Round 2 Flagging¶

Shows the worse of the two results from delay_filtered_average_zscore from either polarization. Dips near flagged channels are expected, due to overfitting of noise. Positive-going excursions are problematic and likely evidence of RFI.

In [11]:
plot_max_z_score(zscore)
All-NaN axis encountered
No description has been provided for this image
In [12]:
def plot_histogram():
    plt.figure(figsize=(14,4), dpi=100)
    bins = np.arange(-50, 100, .1)
    hist_ee = plt.hist(np.ravel(zscore['ee']), bins=bins, density=True, label='ee-polarized z-scores', alpha=.5)
    hist_nn = plt.hist(np.ravel(zscore['nn']), bins=bins, density=True, label='nn-polarized z-scores', alpha=.5)
    plt.plot(bins, (2*np.pi)**-.5 * np.exp(-bins**2 / 2), 'k:', label='Gaussian approximate\nnoise-only distribution')
    plt.axvline(WS_Z_THRESH, c='r', ls='--', label='Watershed z-score')
    plt.axvline(Z_THRESH, c='r', ls='-', label='Threshold z-score')
    plt.yscale('log')
    all_densities = np.concatenate([hist_ee[0][hist_ee[0] > 0], hist_nn[0][hist_nn[0] > 0]]) 
    plt.ylim(np.min(all_densities) / 2, np.max(all_densities) * 2)
    plt.xlim([-50, 100])
    plt.legend()
    plt.xlabel('z-score')
    plt.ylabel('Density')
    plt.tight_layout()

Figure 2: Histogram of z-scores¶

Shows a comparison of the histogram of z-scores in this file (one per polarization) to a Gaussian approximation of what one might expect from thermal noise. Without filtering, the actual distribution is a weighted sum of Rayleigh distributions. Filtering further complicates this. To make the z-scores more reliable, a single per-polarization median is subtracted from each waterfall, which allows us to flag low-level outliers with more confidence. Any points beyond the solid red line are flagged. Any points neighboring a flag beyond the dashed red line are also flagged. Finally, flagging is performed for low-level outliers in whole times or channels.

In [13]:
plot_histogram()
No description has been provided for this image

Perform flagging¶

In [14]:
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 >= np.nanmax(ztseries)) & (zspec >= avg_z_thresh))
            flags[:, (zspec >= np.nanmax(ztseries)) & (zspec >= avg_z_thresh)] = True
        else:
            flagged_int_count += np.sum((ztseries >= np.nanmax(zspec)) & (ztseries >= avg_z_thresh))
            flags[(ztseries >= np.nanmax(zspec)) & (ztseries >= avg_z_thresh), :] = True

    if verbose:
        print(f'\tFlagging 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'\tFlagging {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'\tFlagging {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 [15]:
flags = np.any(~np.isfinite(list(zscore.values())), axis=0)
print(f'{np.mean(flags):.3%} of waterfall flagged to start.')

# flag largest outliers
for pol in ['ee', 'nn']:
    flags |= (zscore[pol] > Z_THRESH) 
print(f'{np.mean(flags):.3%} of waterfall flagged after flagging z > {Z_THRESH} outliers.')
    
# watershed flagging
while True:
    nflags = np.sum(flags)
    for pol in ['ee', 'nn']:
        flags |= xrfi._ws_flag_waterfall(zscore[pol], flags, WS_Z_THRESH)
    if np.sum(flags) == nflags:
        break
print(f'{np.mean(flags):.3%} of waterfall flagged after watershed flagging on z > {WS_Z_THRESH} neightbors of prior flags.')
        
# flag whole integrations or channels
while True:
    nflags = np.sum(flags)
    for pol in ['ee', 'nn']:    
        iteratively_flag_on_averaged_zscore(flags, zscore[pol], avg_z_thresh=AVG_Z_THRESH, verbose=True)
        impose_max_chan_flag_frac(flags, max_flag_frac=MAX_FREQ_FLAG_FRAC, verbose=True)
        impose_max_time_flag_frac(flags, max_flag_frac=MAX_TIME_FLAG_FRAC, verbose=True)
    if np.sum(flags) == nflags:
        break  
print(f'{np.mean(flags):.3%} of waterfall flagged after flagging whole times and channels with average z > {AVG_Z_THRESH}.')
24.780% of waterfall flagged to start.
35.682% of waterfall flagged after flagging z > 5.0 outliers.
36.303% of waterfall flagged after watershed flagging on z > 4.0 neightbors of prior flags.
Mean of empty slice
Mean of empty slice
	Flagging an additional 1 integrations and 37 channels.
	Flagging 77 channels previously flagged 25.00% or more.
	Flagging 270 times previously flagged 10.00% or more.
	Flagging an additional 0 integrations and 0 channels.
	Flagging 1 channels previously flagged 25.00% or more.
	Flagging 0 times previously flagged 10.00% or more.
	Flagging an additional 0 integrations and 0 channels.
	Flagging 0 channels previously flagged 25.00% or more.
	Flagging 0 times previously flagged 10.00% or more.
	Flagging an additional 0 integrations and 0 channels.
	Flagging 0 channels previously flagged 25.00% or more.
	Flagging 0 times previously flagged 10.00% or more.
44.145% of waterfall flagged after flagging whole times and channels with average z > 1.0.

Show results of flagging¶

Figure 3: Waterfall of Maximum z-Score of Either Polarization After Round 2 Flagging¶

The same as Figure 1, but after the flagging performed in this notebook.

In [16]:
plot_max_z_score(zscore, flags=flags)
All-NaN axis encountered
No description has been provided for this image
In [17]:
def zscore_spectra():
    fig, axes = plt.subplots(2, 1, figsize=(14,6), dpi=100, sharex=True, sharey=True, gridspec_kw={'hspace': 0})
    for ax, pol in zip(axes, ['ee', 'nn']):

        ax.plot(freqs / 1e6, np.nanmean(zscore[pol], axis=0),'r', label=f'{pol}-Polarization Before Round 2 Flagging', lw=.5)
        ax.plot(freqs / 1e6, np.nanmean(np.where(flags, np.nan, zscore[pol]), axis=0), label=f'{pol}-Polarization After Round 2 Flagging')
        ax.legend(loc='lower right')
        ax.set_ylabel('Time-Averged Z-Score\n(Excluding Flags)')
        ax.set_ylim(-11, 11)
    axes[1].set_xlabel('Frequency (MHz)')
    plt.tight_layout()

Figure 4: Spectra of Time-Averaged z-Scores¶

The average along the time axis of Figures 1 and 3 (though now separated per-polarization). This plot is useful for showing channels with repeated low-level RFI.

In [18]:
zscore_spectra()
Mean of empty slice
Mean of empty slice
No description has been provided for this image
In [19]:
def summarize_flagging():
    plt.figure(figsize=(14,10), dpi=100)
    cmap = matplotlib.colors.ListedColormap(((0, 0, 0),) + matplotlib.cm.get_cmap("Set2").colors[0:2])
    plt.imshow(np.where(np.any(~np.isfinite(list(zscore.values())), axis=0), 1, np.where(flags, 2, 0)), 
               aspect='auto', cmap=cmap, interpolation='none', extent=extent)
    plt.clim([-.5, 2.5])
    cbar = plt.colorbar(location='top', aspect=40, pad=.02)
    cbar.set_ticks([0, 1, 2])
    cbar.set_ticklabels(['Unflagged', 'Previously Flagged', 'Flagged Here Using Delayed Filtered z-Scores'])
    plt.xlabel('Frequency (MHz)')
    plt.ylabel(f'JD - {int(times[0])}')
    plt.tight_layout()

Figure 5: Summary of Flags Before and After Round 2 Flagging¶

This plot shows which times and frequencies were flagged before and after this notebook. It is directly comparable to Figure 5 of the first round full_day_rfi notebook.

In [20]:
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.
No description has been provided for this image

Save results¶

In [21]:
add_to_history = 'by full_day_rfi_round_2 notebook with the following environment:\n' + '=' * 65 + '\n' + os.popen('conda env export').read() + '=' * 65
In [22]:
tind = 0
always_flagged_ants = set()
ever_unflagged_ants = set()
for cal_file in cal_files:
    with warnings.catch_warnings():
        warnings.simplefilter("ignore")    
        
        # update cal_file
        uvc = UVCal()
        uvc.read(cal_file, use_future_array_shapes=True)
        uvc.flag_array |= (flags[tind:tind + len(uvc.time_array), :].T)[None, :, :, None]
        uvc.history += 'Modified ' + add_to_history
        uvc.write_calfits(cal_file, clobber=True)
        
        # keep track of flagged antennas
        for antnum in uvc.ant_array:
            for antpol in ['Jee', 'Jnn']:
                if np.all(uvc.get_flags(antnum, antpol)):
                    if (antnum, antpol) not in ever_unflagged_ants:
                        always_flagged_ants.add((antnum, antpol))
                else:
                    ever_unflagged_ants.add((antnum, antpol))
                    always_flagged_ants.discard((antnum, antpol))
                

        # Create new flag object
        uvf_out = UVFlag(uvc, waterfall=True, mode='flag')
        uvf_out.flag_array |= flags[tind:tind + len(uvc.time_array), :, None]
        uvf_out.history += 'Produced ' + add_to_history
        uvf_out.write(cal_file.replace(SMOOTH_CAL_SUFFIX, FLAG_WATERFALL2_SUFFIX), clobber=True)
        
        # increment time index
        tind += len(uvc.time_array)

print(f'Saved {len(cal_files)} *.{FLAG_WATERFALL2_SUFFIX} files starting with {cal_files[0].replace(SMOOTH_CAL_SUFFIX, FLAG_WATERFALL2_SUFFIX)}.')
File /mnt/sn1/data1/2460597/zen.2460597.25262.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25285.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25307.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25329.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25352.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25374.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25397.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25419.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25441.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25464.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25486.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25508.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25531.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25553.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25576.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25598.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25620.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25643.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25665.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25687.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25710.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25732.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25754.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25777.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25799.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25822.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25844.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25866.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25889.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25911.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25933.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25956.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.25978.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26001.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26023.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26045.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26068.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26090.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26112.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26135.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26157.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26180.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26202.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26224.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26247.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26269.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26291.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26314.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26336.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26358.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26381.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26403.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26426.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26448.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26470.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26493.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26515.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26537.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26560.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26582.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26605.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26627.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26649.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26672.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26694.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26716.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26739.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26761.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26783.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26806.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26828.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26851.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26873.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26895.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26918.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26940.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26962.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.26985.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27007.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27030.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27052.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27074.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27097.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27119.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27141.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27164.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27186.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27209.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27231.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27253.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27276.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27298.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27320.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27343.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27365.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27387.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27410.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27432.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27455.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27477.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27499.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27522.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27544.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27566.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27589.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27611.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27634.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27656.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27678.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27701.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27723.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27745.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27768.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27790.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27813.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27835.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27857.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27880.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27902.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27924.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27947.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27969.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.27991.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28014.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28036.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28059.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28081.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28103.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28126.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28148.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28170.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28193.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28215.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28238.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28260.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28282.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28305.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28327.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28349.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28372.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28394.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28416.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28439.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28461.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28484.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28506.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28528.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28551.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28573.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28595.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28618.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28640.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28663.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28685.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28707.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28730.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28752.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28774.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28797.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28819.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28842.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28864.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28886.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28909.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28931.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28953.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28976.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.28998.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29020.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29043.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29065.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29088.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29110.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29132.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29155.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29177.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29199.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29222.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29244.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29267.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29289.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29311.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29334.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29356.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29378.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29401.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29423.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29445.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29468.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29490.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29513.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29535.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29557.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29580.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29602.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29624.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29647.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29669.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29692.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29714.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29736.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29759.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29781.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29803.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29826.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29848.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29871.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29893.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29915.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29938.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29960.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.29982.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30005.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30027.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30049.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30072.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30094.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30117.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30139.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30161.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30184.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30206.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30228.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30251.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30273.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30296.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30318.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30340.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30363.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30385.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30407.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30430.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30452.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30474.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30497.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30519.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30542.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30564.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30586.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30609.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30631.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30653.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30676.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30698.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30721.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30743.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30765.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30788.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30810.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30832.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30855.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30877.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30900.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30922.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30944.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30967.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.30989.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31011.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31034.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31056.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31078.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31101.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31123.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31146.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31168.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31190.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31213.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31235.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31257.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31280.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31302.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31325.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31347.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31369.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31392.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31414.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31436.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31459.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31481.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31503.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31526.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31548.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31571.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31593.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31615.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31638.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31660.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31682.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31705.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31727.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31750.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31772.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31794.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31817.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.31839.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32465.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32488.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32510.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32532.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32555.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32577.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32600.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32622.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32644.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32667.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32689.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32711.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32734.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32756.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32779.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32801.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32823.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32846.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32868.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32890.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32913.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32935.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32958.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.32980.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33002.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33025.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33047.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33069.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33092.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33114.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33136.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33159.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33181.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33204.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33226.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33248.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33271.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33293.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33315.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33338.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33360.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33383.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33405.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33427.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33450.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33472.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33494.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33517.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33539.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33561.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33584.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33606.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33629.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33651.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33673.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33696.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33718.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33740.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33763.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33785.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33808.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33830.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33852.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33875.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33897.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33919.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33942.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33964.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.33987.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34009.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34031.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34054.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34076.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34098.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34121.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34143.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34165.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34188.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34210.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34233.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34255.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34277.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34300.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34322.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34344.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34367.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34389.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34412.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34434.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34456.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34479.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34501.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34523.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34546.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34568.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34590.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34613.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34635.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34658.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34680.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34702.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34725.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34747.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34769.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34792.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34814.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34837.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34859.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34881.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34904.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34926.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34948.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34971.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.34993.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35016.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35038.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35060.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35083.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35105.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35127.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35150.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35172.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35194.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35217.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35239.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35262.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35284.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35306.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35329.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35351.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35373.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35396.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35418.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35441.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35463.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35485.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35508.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35530.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35552.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35575.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35597.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35620.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35642.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35664.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35687.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35709.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35731.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35754.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35776.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35798.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35821.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35843.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35866.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35888.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35910.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35933.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35955.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.35977.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36000.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36022.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36045.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36067.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36089.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36112.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36134.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36156.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36179.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36201.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36223.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36246.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36268.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36291.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36313.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36335.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36358.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36380.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36402.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36425.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36447.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36470.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36492.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36514.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36537.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36559.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36581.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36604.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36626.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36649.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36671.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36693.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36716.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36738.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36760.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36783.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36805.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36827.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36850.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36872.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36895.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36917.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36939.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36962.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.36984.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37006.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37029.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37051.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37074.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37096.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37118.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37141.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37163.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37185.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37208.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37230.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37252.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37275.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37297.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37320.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37342.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37364.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37387.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37409.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37431.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37454.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37476.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37499.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37521.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37543.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37566.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37588.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37610.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37633.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37655.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37678.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37700.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37722.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37745.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37767.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37789.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37812.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37834.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37856.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37879.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37901.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37924.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37946.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37968.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.37991.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38013.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38035.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38058.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38080.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38103.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38125.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38147.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38170.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38192.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38214.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38237.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38259.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38281.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38304.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38326.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38349.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38371.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38393.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38416.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38438.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38460.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38483.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38505.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38528.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38550.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38572.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38595.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38617.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38639.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38662.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38684.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38707.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38729.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38751.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38774.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38796.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38818.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38841.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38863.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38885.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38908.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38930.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38953.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38975.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.38997.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39020.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39042.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39064.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39087.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39109.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39132.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39154.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39176.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39199.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39221.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39243.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39266.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39288.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39310.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39333.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39355.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39378.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39400.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39422.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39445.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39467.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39489.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39512.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39534.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39557.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39579.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39601.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39624.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39646.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39668.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39691.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39713.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39736.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39758.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39780.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39803.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39825.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39847.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39870.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39892.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39914.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39937.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39959.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.39982.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40004.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40026.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40049.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40071.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40093.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40116.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40138.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40161.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40183.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40205.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40228.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40250.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40272.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40295.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40317.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40339.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40362.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40384.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40407.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40429.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40451.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40474.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40496.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40518.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40541.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40563.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40586.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40608.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40630.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40653.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40675.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40697.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40720.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40742.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40765.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40787.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40809.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40832.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40854.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40876.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40899.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40921.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40943.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40966.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.40988.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41011.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41033.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41055.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41078.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41100.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41122.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41145.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41167.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41190.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41212.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41234.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41257.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41279.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41301.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41324.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41346.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41368.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41391.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41413.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41436.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41458.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41480.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41503.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41525.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41547.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41570.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41592.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41615.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41637.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41659.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41682.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41704.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41726.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41749.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41771.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41794.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41816.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41838.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41861.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41883.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41905.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41928.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41950.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41972.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.41995.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42017.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42040.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42062.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42084.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42107.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42129.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42151.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42174.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42196.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42219.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42241.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42263.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42286.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42308.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42330.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42353.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42375.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42397.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42420.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42442.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42465.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42487.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42509.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42532.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42554.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42576.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42599.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42621.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42644.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42666.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42688.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42711.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42733.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42755.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42778.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42800.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42823.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42845.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42867.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42890.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42912.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42934.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42957.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.42979.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43001.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43024.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43046.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43069.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43091.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43113.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43136.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43158.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43180.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43203.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43225.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43248.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43270.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43292.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43315.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43337.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43359.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43382.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43404.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43426.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43449.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43471.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43494.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43516.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43538.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43561.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43583.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43605.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43628.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43650.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43673.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43695.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43717.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43740.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43762.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43784.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43807.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43829.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43852.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43874.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43896.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43919.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43941.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43963.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.43986.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44008.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44030.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44053.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44075.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44098.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44120.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44142.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44165.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44187.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44209.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44232.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44254.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44277.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44299.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44321.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44344.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44366.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44388.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44411.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44433.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44456.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44478.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44500.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44523.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44545.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44567.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44590.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44612.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44634.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44657.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44679.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44702.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44724.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44746.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44769.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44791.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44813.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44836.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44858.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44881.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44903.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44925.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44948.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44970.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.44992.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45015.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45037.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45059.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45082.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45104.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45127.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45149.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45171.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45194.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45216.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45238.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45261.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45283.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45306.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45328.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45350.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45373.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45395.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45417.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45440.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45462.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45485.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45507.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45529.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45552.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45574.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45596.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45619.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45641.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45663.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45686.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45708.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45731.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45753.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45775.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45798.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45820.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45842.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45865.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45887.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45910.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45932.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45954.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45977.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.45999.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46021.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46044.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46066.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46088.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46111.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46133.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46156.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46178.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46200.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46223.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46245.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46267.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46290.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46312.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46335.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46357.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46379.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46402.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46424.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46446.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46469.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46491.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46514.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46536.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46558.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46581.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46603.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46625.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46648.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46670.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46692.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46715.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46737.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46760.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46782.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46804.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46827.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46849.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46871.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46894.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46916.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46939.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46961.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.46983.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47006.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47028.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47050.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47073.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47095.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47117.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47140.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47162.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47185.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47207.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47229.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47252.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47274.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47296.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47319.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47341.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47364.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47386.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47408.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47431.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47453.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47475.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47498.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47520.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47543.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47565.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47587.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47610.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47632.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47654.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47677.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47699.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47721.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47744.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47766.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47789.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47811.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47833.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47856.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47878.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47900.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47923.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47945.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47968.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.47990.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48012.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48035.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48057.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48079.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48102.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48124.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48146.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48169.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48191.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48214.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48236.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48258.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48281.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48303.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48325.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48348.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48370.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48393.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48415.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48437.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48460.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48482.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48504.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48527.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48549.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48572.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48594.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48616.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48639.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48661.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48683.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48706.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48728.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48750.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48773.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48795.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48818.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48840.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48862.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48885.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48907.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48929.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48952.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48974.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.48997.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49019.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49041.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49064.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49086.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49108.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49131.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49153.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49175.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49198.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49220.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49243.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49265.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49287.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49310.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49332.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49354.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49377.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49399.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49422.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49444.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49466.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49489.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49511.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49533.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49556.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49578.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49601.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49623.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49645.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49668.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49690.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49712.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49735.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49757.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49779.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49802.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49824.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49847.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49869.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49891.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49914.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49936.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49958.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.49981.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50003.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50026.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50048.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50070.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50093.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50115.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50137.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50160.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50182.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50204.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50227.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50249.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50272.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50294.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50316.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50339.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50361.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50383.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50406.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50428.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50451.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50473.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50495.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50518.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50540.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50562.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50585.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50607.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50630.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50652.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50674.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50697.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50719.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50741.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50764.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50786.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50808.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50831.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50853.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50876.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50898.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50920.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50943.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50965.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.50987.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51010.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51032.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51055.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51077.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51099.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51122.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51144.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51166.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51189.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51211.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51233.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51256.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51278.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51301.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51323.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51345.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51368.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51390.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51412.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51435.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51457.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51480.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51502.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51524.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51547.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51569.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51591.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51614.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51636.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51659.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51681.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51703.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51726.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51748.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51770.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51793.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51815.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51837.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51860.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51882.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51905.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51927.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51949.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51972.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.51994.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52016.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52039.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52061.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52084.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52106.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52128.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52151.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52173.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52195.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52218.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52240.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52262.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52285.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52307.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52330.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52352.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52374.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52397.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52419.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52441.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52464.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52486.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52509.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52531.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52553.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52576.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52598.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52620.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52643.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52665.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52688.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52710.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52732.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52755.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52777.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52799.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52822.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52844.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52866.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52889.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52911.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52934.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52956.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.52978.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53001.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53023.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53045.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53068.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53090.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53113.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53135.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53157.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53180.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53202.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53224.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53247.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53269.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53292.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53314.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53336.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53359.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53381.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53403.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53426.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53448.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53470.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53493.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53515.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53538.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53560.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53582.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53605.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53627.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53649.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53672.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53694.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53717.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53739.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53761.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53784.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53806.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53828.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53851.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53873.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53895.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53918.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53940.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53963.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.53985.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54007.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54030.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54052.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54074.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54097.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54119.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54142.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54164.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54186.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54209.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54231.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54253.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54276.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54298.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54321.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54343.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54365.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54388.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54410.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54432.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54455.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54477.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54499.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54522.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54544.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54567.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54589.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54611.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54634.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54656.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54678.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54701.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54723.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54746.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54768.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54790.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54813.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54835.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54857.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54880.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54902.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54924.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54947.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54969.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.54992.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55014.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55036.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55059.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55081.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55103.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55126.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55148.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55171.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55193.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55215.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55238.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55260.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55282.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55305.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55327.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55350.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55372.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55394.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55417.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55439.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55461.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55484.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55506.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55528.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55551.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55573.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55596.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55618.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55640.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55663.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55685.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55707.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55730.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55752.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55775.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55797.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55819.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55842.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55864.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55886.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55909.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55931.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55953.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55976.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.55998.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56021.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56043.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56065.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56088.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56110.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56132.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56155.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56177.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56200.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56222.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56244.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56267.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56289.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56311.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56334.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56356.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56379.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56401.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56423.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56446.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56468.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56490.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56513.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56535.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56557.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56580.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56602.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56625.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56647.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56669.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56692.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56714.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56736.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56759.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56781.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56804.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56826.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56848.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56871.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56893.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56915.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56938.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56960.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.56982.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57005.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57027.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57050.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57072.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57094.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57117.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57139.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57161.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57184.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57206.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57229.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57251.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57273.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57296.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57318.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57340.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57363.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57385.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57408.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57430.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57452.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57475.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57497.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57519.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57542.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57564.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57586.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57609.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57631.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57654.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57676.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57698.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57721.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57743.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57765.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57788.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57810.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57833.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57855.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57877.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57900.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57922.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57944.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57967.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.57989.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58011.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58034.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58056.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58079.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58101.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58123.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58146.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58168.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58190.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58213.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58235.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58258.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58280.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58302.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58325.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58347.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58369.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58392.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58414.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58437.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58459.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58481.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58504.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58526.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58548.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58571.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58593.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58615.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58638.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58660.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58683.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58705.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58727.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58750.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58772.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58794.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58817.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58839.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58862.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58884.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58906.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58929.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58951.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58973.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.58996.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59018.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59040.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59063.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59085.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59108.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59130.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59152.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59175.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59197.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59219.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59242.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59264.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59287.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59309.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59331.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59354.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59376.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59398.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59421.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59443.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59466.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59488.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59510.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59533.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59555.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59577.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59600.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59622.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59644.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59667.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59689.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59712.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59734.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59756.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59779.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59801.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59823.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59846.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59868.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59891.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59913.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59935.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59958.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.59980.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60002.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60025.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60047.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60069.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60092.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60114.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60137.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60159.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60181.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60204.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60226.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60248.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60271.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60293.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60316.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60338.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60360.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60383.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60405.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60427.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60450.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60472.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60495.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60517.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60539.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60562.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60584.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60606.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60629.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60651.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60673.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60696.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60718.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60741.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60763.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60785.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60808.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60830.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60852.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60875.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60897.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60920.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60942.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60964.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.60987.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61009.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61031.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61054.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61076.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61098.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61121.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61143.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61166.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61188.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61210.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61233.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61255.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61277.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61300.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61322.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61345.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61367.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61389.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61412.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61434.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61456.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61479.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61501.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61524.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61546.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61568.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61591.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61613.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61635.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61658.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61680.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61702.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61725.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61747.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61770.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61792.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61814.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61837.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61859.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61881.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61904.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61926.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61949.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61971.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.61993.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62016.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62038.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62060.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62083.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62105.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62128.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62150.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62172.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62195.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62217.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62239.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62262.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62284.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62306.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62329.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62351.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62374.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62396.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62418.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62441.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62463.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62485.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62508.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62530.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62553.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62575.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62597.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62620.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62642.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62664.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62687.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62709.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62731.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62754.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62776.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62799.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62821.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62843.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62866.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62888.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62910.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62933.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62955.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.62978.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63000.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63022.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63045.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63067.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63089.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63112.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63134.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63157.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63179.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63201.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63224.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63246.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63268.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63291.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63313.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63335.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63358.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63380.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63403.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63425.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63447.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63470.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63492.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63514.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63537.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63559.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63582.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63604.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63626.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63649.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63671.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63693.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63716.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63738.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63760.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63783.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63805.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63828.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63850.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63872.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63895.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63917.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63939.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63962.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.63984.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64007.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64029.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64051.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64074.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64096.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64118.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64141.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64163.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64186.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64208.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64230.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64253.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64275.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64297.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64320.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64342.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64364.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64387.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64409.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64432.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64454.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64476.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64499.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64521.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64543.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64566.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64588.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64611.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64633.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64655.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64678.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64700.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64722.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64745.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64767.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64789.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64812.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64834.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64857.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64879.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64901.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64924.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64946.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64968.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.64991.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65013.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65036.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65058.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65080.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65103.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65125.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65147.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65170.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65192.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65215.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65237.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65259.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65282.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65304.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65326.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65349.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65371.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65393.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65416.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65438.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65461.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65483.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65505.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65528.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65550.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65572.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65595.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65617.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65640.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65662.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65684.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65707.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65729.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65751.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65774.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65796.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65818.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65841.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65863.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65886.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65908.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65930.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65953.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65975.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.65997.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66020.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66042.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66065.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66087.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66109.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66132.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66154.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66176.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66199.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66221.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66244.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66266.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66288.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66311.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66333.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66355.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66378.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66400.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66422.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66445.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66467.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66490.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66512.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66534.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66557.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66579.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66601.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66624.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66646.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66669.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66691.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66713.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66736.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66758.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66780.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66803.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66825.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66847.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66870.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66892.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66915.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66937.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66959.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.66982.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67004.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67026.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67049.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67071.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67094.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67116.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67138.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67161.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67183.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67205.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67228.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67250.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67273.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67295.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67317.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67340.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67362.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67384.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67407.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67429.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67451.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67474.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67496.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67519.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67541.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67563.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67586.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67608.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67630.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67653.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67675.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67698.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67720.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67742.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67765.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67787.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67809.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67832.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67854.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67876.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67899.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67921.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67944.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67966.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.67988.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68011.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68033.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68055.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68078.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68100.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68123.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68145.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68167.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68190.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68212.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68234.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68257.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68279.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68302.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68324.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68346.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68369.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68391.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68413.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68436.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68458.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68480.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68503.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68525.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68548.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68570.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68592.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68615.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68637.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68659.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68682.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data1/2460597/zen.2460597.68704.sum.flag_waterfall_round_2.h5 exists; clobbering
Saved 1916 *.sum.flag_waterfall_round_2.h5 files starting with /mnt/sn1/data1/2460597/zen.2460597.25262.sum.flag_waterfall_round_2.h5.
In [23]:
# write summary of entirely flagged times/freqs/ants to yaml
all_flagged_times = np.all(flags, axis=1)
all_flagged_freqs = np.all(flags, axis=0)
all_flagged_ants = sorted(always_flagged_ants)

dt = np.median(np.diff(times))
out_yml_str = 'JD_flags: ' + str([[times[flag_stretch][0] - dt / 2, times[flag_stretch][-1] + dt / 2] 
                                  for flag_stretch in true_stretches(all_flagged_times)])
df = np.median(np.diff(freqs))
out_yml_str += '\n\nfreq_flags: ' + str([[freqs[flag_stretch][0] - df / 2, freqs[flag_stretch][-1] + df / 2] 
                                         for flag_stretch in true_stretches(all_flagged_freqs)])
out_yml_str += '\n\nex_ants: ' + str(all_flagged_ants).replace("'", "").replace('(', '[').replace(')', ']')

print(f'Writing the following to {out_yaml_file}\n' + '-' * (25 + len(out_yaml_file)))
print(out_yml_str)
with open(out_yaml_file, 'w') as outfile:
    outfile.writelines(out_yml_str)
Writing the following to /mnt/sn1/data1/2460597/2460597_aposteriori_flags.yaml
------------------------------------------------------------------------------
JD_flags: [[2460597.252511807, 2460597.2531828955], [2460597.253853984, 2460597.2553080097], [2460597.255419858, 2460597.255755402], [2460597.2558672503, 2460597.2563146427], [2460597.2565383385, 2460597.2566501866], [2460597.256985731, 2460597.257768668], [2460597.257880516, 2460597.2583279083], [2460597.2584397565, 2460597.2585516046], [2460597.258775301, 2460597.259110845], [2460597.2595582376, 2460597.2596700857], [2460597.260900415, 2460597.2612359594], [2460597.26414401, 2460597.264367706], [2460597.2648150986, 2460597.2649269467], [2460597.2659335798, 2460597.266045428], [2460597.2681705416, 2460597.268394238], [2460597.2697364152, 2460597.2699601115], [2460597.271525985, 2460597.2717496813], [2460597.2718615294, 2460597.272197074], [2460597.27242077, 2460597.2726444663], [2460597.273315555, 2460597.273762947], [2460597.2740984913, 2460597.2742103394], [2460597.2743221875, 2460597.274657732], [2460597.278684264, 2460597.2789079603], [2460597.2796908966, 2460597.2798027447], [2460597.279914593, 2460597.280250137], [2460597.280921226, 2460597.281144922], [2460597.281816011, 2460597.282039707], [2460597.2834937326, 2460597.2836055807], [2460597.283717429, 2460597.283829277], [2460597.283941125, 2460597.2841648213], [2460597.2842766694, 2460597.2843885175], [2460597.2849477576, 2460597.285171454], [2460597.28718472, 2460597.2876321124], [2460597.290092771, 2460597.290316467], [2460597.2912112516, 2460597.291434948], [2460597.291546796, 2460597.291658644], [2460597.292553429, 2460597.2928889734], [2460597.2932245177, 2460597.293448214], [2460597.294678543, 2460597.2947903913], [2460597.2950140876, 2460597.2951259357], [2460597.295237784, 2460597.29546148], [2460597.2956851763, 2460597.2957970244], [2460597.29602072, 2460597.2961325683], [2460597.2962444164, 2460597.2965799607], [2460597.2983695306, 2460597.2984813787], [2460597.298928771, 2460597.2991524674], [2460597.2994880117, 2460597.29959986], [2460597.3018368217, 2460597.30194867], [2460597.302060518, 2460597.3295751526], [2460597.3296870003, 2460597.3297988484], [2460597.3300225446, 2460597.3301343927], [2460597.332371355, 2460597.3325950513], [2460597.3327068994, 2460597.3329305956], [2460597.335726798, 2460597.3370689754], [2460597.337740064, 2460597.3380756085], [2460597.3389703934, 2460597.3393059378], [2460597.340871811, 2460597.341095507], [2460597.342885077, 2460597.342996925], [2460597.3433324695, 2460597.3435561657], [2460597.343779862, 2460597.34389171], [2460597.3442272544, 2460597.3443391025], [2460597.3467997606, 2460597.347135305], [2460597.3474708493, 2460597.3475826974], [2460597.348924875, 2460597.349036723], [2460597.3528395584, 2460597.3529514065], [2460597.3531751027, 2460597.353622495], [2460597.3583201156, 2460597.358543812], [2460597.35865566, 2460597.358767508], [2460597.3589912043, 2460597.3592149005], [2460597.3610044704, 2460597.3612281666], [2460597.362458496, 2460597.362570344], [2460597.3632414327, 2460597.363353281], [2460597.364807306, 2460597.365031002], [2460597.366037635, 2460597.3661494832], [2460597.36693242, 2460597.367044268], [2460597.3672679644, 2460597.3674916606], [2460597.3698404706, 2460597.3699523187], [2460597.372301129, 2460597.3724129773], [2460597.3768869014, 2460597.3771105977], [2460597.37934756, 2460597.379571256], [2460597.382479307, 2460597.382703003], [2460597.3833740917, 2460597.3840451804], [2460597.3851636616, 2460597.385387358], [2460597.387176927, 2460597.3874006234], [2460597.3918745476, 2460597.392098244], [2460597.3925456363, 2460597.3927693325], [2460597.3929930287, 2460597.393440421], [2460597.396124776, 2460597.396348472], [2460597.398361738, 2460597.398585434], [2460597.4005987, 2460597.4010460926], [2460597.401493485, 2460597.4017171813], [2460597.4028356625, 2460597.4030593582], [2460597.4035067507, 2460597.403730447], [2460597.405520017, 2460597.405743713], [2460597.4061911055, 2460597.4064148017], [2460597.4084280673, 2460597.4086517636], [2460597.4095465485, 2460597.4097702447], [2460597.411112422, 2460597.4113361184], [2460597.412901992, 2460597.41301384], [2460597.414020473, 2460597.4141323213], [2460597.414467865, 2460597.4145797133], [2460597.4148034095, 2460597.4149152576], [2460597.415138954, 2460597.4155863463], [2460597.4158100425, 2460597.4160337388], [2460597.4169285237, 2460597.41715222], [2460597.417375916, 2460597.4174877643], [2460597.4178233086, 2460597.4179351567], [2460597.4196128785, 2460597.4198365742], [2460597.422520929, 2460597.4229683215], [2460597.4231920177, 2460597.423415714], [2460597.4238631064, 2460597.424310499], [2460597.425764524, 2460597.425876372], [2460597.4262119164, 2460597.4263237645], [2460597.426994853, 2460597.4272185494], [2460597.427889638, 2460597.428001486], [2460597.428560727, 2460597.4290081193], [2460597.4293436636, 2460597.4294555117], [2460597.429791056, 2460597.429902904], [2460597.4302384485, 2460597.430462145], [2460597.431021385, 2460597.431245081], [2460597.4316924736, 2460597.43191617], [2460597.433034651, 2460597.433258347], [2460597.435047917, 2460597.4352716133], [2460597.4354953095, 2460597.4357190058], [2460597.436166398, 2460597.4363900945], [2460597.438515208, 2460597.4386270563], [2460597.439298145, 2460597.4395218412], [2460597.4397455375, 2460597.4399692337], [2460597.441311411, 2460597.4416469554], [2460597.4418706517, 2460597.4419825], [2460597.442094348, 2460597.442206196], [2460597.443548373, 2460597.443772069], [2460597.445337943, 2460597.445561639], [2460597.4457853353, 2460597.4460090315], [2460597.446456424, 2460597.446568272], [2460597.447574905, 2460597.4477986014], [2460597.448917082, 2460597.4491407783], [2460597.449811867, 2460597.4502592594], [2460597.4504829557, 2460597.450594804], [2460597.4511540444, 2460597.4513777406], [2460597.4522725255, 2460597.4524962218], [2460597.452719918, 2460597.452831766], [2460597.4532791586, 2460597.453502855], [2460597.4538383987, 2460597.453950247], [2460597.454173943, 2460597.454285791], [2460597.4548450317, 2460597.45495688], [2460597.4565227535, 2460597.4566346016], [2460597.456970146, 2460597.457081994], [2460597.4599900446, 2460597.4601018927], [2460597.460437437, 2460597.460549285], [2460597.4646876655, 2460597.4647995136], [2460597.4651350575, 2460597.4652469056], [2460597.466812779, 2460597.4669246273], [2460597.4670364754, 2460597.4671483235], [2460597.467707564, 2460597.4678194122], [2460597.4699445264, 2460597.4700563746], [2460597.4701682227, 2460597.470280071], [2460597.4706156147, 2460597.470727463], [2460597.4712867034, 2460597.4715103996], [2460597.4725170326, 2460597.4726288808], [2460597.4741947544, 2460597.474642147], [2460597.474753995, 2460597.474865843], [2460597.4820241216, 2460597.482247818], [2460597.482471514, 2460597.482583362], [2460597.4831426027, 2460597.483366299], [2460597.4849321726, 2460597.485155869], [2460597.4856032613, 2460597.4858269575], [2460597.486386198, 2460597.486498046], [2460597.487616527, 2460597.487728375], [2460597.488511312, 2460597.4889587043], [2460597.4890705524, 2460597.4891824005], [2460597.4911956666, 2460597.491419363], [2460597.491531211, 2460597.4920904515], [2460597.492985236, 2460597.493097084], [2460597.493768173, 2460597.493880021], [2460597.494103717, 2460597.4944392615], [2460597.4945511096, 2460597.494774806], [2460597.4952221983, 2460597.495669591], [2460597.4964525276, 2460597.4965643757], [2460597.4981302493, 2460597.4983539456], [2460597.4998079706, 2460597.4999198187], [2460597.5004790593, 2460597.5008146036], [2460597.5009264518, 2460597.5010383], [2460597.501373844, 2460597.5023804773], [2460597.5024923254, 2460597.5026041735], [2460597.5027160216, 2460597.502939718], [2460597.503275262, 2460597.5033871103], [2460597.5034989584, 2460597.5037226547], [2460597.503946351, 2460597.504170047], [2460597.5049529835, 2460597.5051766797], [2460597.508420275, 2460597.508532123], [2460597.5123349587, 2460597.5124468068], [2460597.512558655, 2460597.512670503], [2460597.513565288, 2460597.513677136], [2460597.513788984, 2460597.5139008323], [2460597.515354858, 2460597.5155785535], [2460597.5163614904, 2460597.5165851866], [2460597.519045845, 2460597.519828782], [2460597.5202761744, 2460597.5203880225], [2460597.520723567, 2460597.520947263], [2460597.5217301995, 2460597.5219538957], [2460597.5245264024, 2460597.5247500986], [2460597.525197491, 2460597.525309339], [2460597.526092276, 2460597.526315972], [2460597.5290003265, 2460597.5292240228], [2460597.5342571875, 2460597.5344808837], [2460597.534592732, 2460597.534816428], [2460597.537500783, 2460597.538171871], [2460597.539066656, 2460597.5392903523], [2460597.5394022004, 2460597.539849593], [2460597.5406325296, 2460597.540856226], [2460597.5424220995, 2460597.5426457957], [2460597.5433168844, 2460597.5435405807], [2460597.546448631, 2460597.5466723274], [2460597.5468960237, 2460597.54711972], [2460597.5475671124, 2460597.5477908086], [2460597.549580378, 2460597.549804074], [2460597.5509225554, 2460597.551369948], [2460597.5520410365, 2460597.552264733], [2460597.5538306064, 2460597.5539424545], [2460597.5540543026, 2460597.5541661507], [2460597.555620176, 2460597.555732024], [2460597.556738657, 2460597.556962353], [2460597.5603177967, 2460597.5605414924], [2460597.560988885, 2460597.561212581], [2460597.563002151, 2460597.563113999], [2460597.564120632, 2460597.564903569], [2460597.5652391133, 2460597.56602205], [2460597.5670286827, 2460597.567140531], [2460597.567476075, 2460597.5678116195], [2460597.568147164, 2460597.56837086], [2460597.5721736955, 2460597.572397392], [2460597.573739569, 2460597.5738514173], [2460597.575529139, 2460597.575640987], [2460597.5769831645, 2460597.5770950126], [2460597.5782134933, 2460597.5783253415], [2460597.579891215, 2460597.580003063], [2460597.5804504557, 2460597.580674152], [2460597.5821281774, 2460597.5822400255], [2460597.5844769874, 2460597.5845888355], [2460597.586266557, 2460597.5864902535], [2460597.588056127, 2460597.5882798233], [2460597.588615367, 2460597.5888390634], [2460597.592306355, 2460597.5925300512], [2460597.593089292, 2460597.59320114], [2460597.5978987603, 2460597.5981224566], [2460597.5990172415, 2460597.5992409377], [2460597.60617552, 2460597.606399216], [2460597.6066229125, 2460597.6068466087], [2460597.607070305, 2460597.607182153], [2460597.6074058493, 2460597.6075176974], [2460597.6077413936, 2460597.6078532417], [2460597.60796509, 2460597.608188786], [2460597.608300634, 2460597.6085243304], [2460597.608971723, 2460597.609083571], [2460597.610202052, 2460597.6104257484], [2460597.6105375965, 2460597.6106494446], [2460597.6117679253, 2460597.6119916216], [2460597.6140048876, 2460597.614228584], [2460597.615347065, 2460597.615458913], [2460597.617807723, 2460597.6180314193], [2460597.61859066, 2460597.618814356], [2460597.619597293, 2460597.619820989], [2460597.6201565336, 2460597.620492078], [2460597.6211631666, 2460597.621386863], [2460597.6219461034, 2460597.6220579515], [2460597.6225053435, 2460597.6227290398], [2460597.6234001284, 2460597.6235119766], [2460597.623847521, 2460597.624071217], [2460597.624742306, 2460597.624966002], [2460597.6274266606, 2460597.627874053], [2460597.6305584074, 2460597.6307821036], [2460597.6316768886, 2460597.632012433], [2460597.6325716735, 2460597.6327953697], [2460597.6334664584, 2460597.633690154], [2460597.636598205, 2460597.6368219014], [2460597.6370455977, 2460597.637269294], [2460597.63749299, 2460597.6377166864], [2460597.6409602812, 2460597.6410721294], [2460597.6430853955, 2460597.6433090917], [2460597.644651269, 2460597.6448749653], [2460597.646888231, 2460597.647000079], [2460597.648677801, 2460597.648901497], [2460597.6535991174, 2460597.6538228136], [2460597.654941295, 2460597.655164991], [2460597.658520434, 2460597.6587441303], [2460597.6598626114, 2460597.6600863077], [2460597.661204789, 2460597.661428485], [2460597.6622114214, 2460597.6624351176], [2460597.665455017, 2460597.665678713], [2460597.6659024092, 2460597.6661261055], [2460597.666573498, 2460597.6871535494]]

freq_flags: [[47714233.3984375, 47958374.0234375], [49545288.0859375, 50399780.2734375], [62362670.8984375, 62728881.8359375], [69686889.6484375, 70297241.2109375], [87387084.9609375, 108016967.7734375], [109970092.7734375, 110092163.0859375], [112655639.6484375, 112777709.9609375], [113265991.2109375, 113510131.8359375], [113632202.1484375, 113754272.4609375], [116073608.3984375, 116195678.7109375], [116439819.3359375, 116806030.2734375], [124740600.5859375, 125350952.1484375], [127548217.7734375, 127670288.0859375], [129989624.0234375, 130111694.3359375], [136215209.9609375, 136459350.5859375], [136703491.2109375, 136825561.5234375], [136947631.8359375, 138046264.6484375], [138168334.9609375, 138412475.5859375], [141464233.3984375, 141586303.7109375], [141708374.0234375, 141830444.3359375], [142074584.9609375, 142318725.5859375], [143539428.7109375, 143661499.0234375], [143783569.3359375, 144027709.9609375], [144882202.1484375, 145004272.4609375], [147079467.7734375, 147323608.3984375], [147445678.7109375, 147567749.0234375], [148300170.8984375, 148544311.5234375], [149887084.9609375, 150009155.2734375], [153671264.6484375, 154037475.5859375], [154159545.8984375, 154403686.5234375], [155014038.0859375, 155380249.0234375], [169906616.2109375, 170150756.8359375], [170883178.7109375, 171005249.0234375], [175155639.6484375, 175277709.9609375], [181137084.9609375, 181259155.2734375], [187362670.8984375, 187606811.5234375], [189193725.5859375, 189315795.8984375], [189682006.8359375, 192611694.3359375], [193222045.8984375, 193954467.7734375], [195297241.2109375, 196029663.0859375], [197006225.5859375, 198837280.2734375], [199203491.2109375, 199325561.5234375], [200790405.2734375, 200912475.5859375], [201156616.2109375, 202499389.6484375], [204940795.8984375, 205062866.2109375], [205184936.5234375, 205307006.8359375], [207138061.5234375, 207260131.8359375], [207870483.3984375, 209335327.1484375], [209945678.7109375, 210067749.0234375], [212142944.3359375, 212265014.6484375], [215194702.1484375, 215316772.4609375], [220443725.5859375, 220565795.8984375], [220687866.2109375, 221054077.1484375], [221176147.4609375, 221298217.7734375], [223007202.1484375, 223373413.0859375], [227157592.7734375, 227523803.7109375], [227645874.0234375, 227890014.6484375], [229110717.7734375, 229354858.3984375], [229965209.9609375, 230087280.2734375], [230819702.1484375, 231552124.0234375]]

ex_ants: [[9, Jee], [15, Jnn], [16, Jee], [17, Jnn], [18, Jee], [18, Jnn], [21, Jee], [21, Jnn], [22, Jee], [22, Jnn], [27, Jee], [27, Jnn], [28, Jee], [28, Jnn], [29, Jnn], [31, Jee], [31, Jnn], [32, Jee], [32, Jnn], [33, Jnn], [34, Jee], [34, Jnn], [35, Jee], [35, Jnn], [36, Jee], [36, Jnn], [37, Jnn], [40, Jnn], [42, Jnn], [45, Jee], [46, Jee], [47, Jee], [47, Jnn], [48, Jee], [48, Jnn], [49, Jee], [49, Jnn], [51, Jee], [54, Jnn], [55, Jee], [57, Jee], [61, Jee], [61, Jnn], [62, Jee], [62, Jnn], [63, Jee], [63, Jnn], [64, Jee], [64, Jnn], [69, Jee], [72, Jnn], [73, Jee], [77, Jee], [77, Jnn], [78, Jee], [78, Jnn], [82, Jnn], [83, Jnn], [84, Jnn], [85, Jnn], [86, Jee], [86, Jnn], [87, Jee], [87, Jnn], [88, Jee], [88, Jnn], [89, Jee], [90, Jee], [90, Jnn], [92, Jee], [96, Jee], [97, Jee], [97, Jnn], [98, Jnn], [100, Jnn], [101, Jnn], [102, Jnn], [103, Jee], [104, Jee], [104, Jnn], [107, Jee], [107, Jnn], [108, Jnn], [109, Jnn], [119, Jee], [119, Jnn], [120, Jee], [120, Jnn], [121, Jee], [121, Jnn], [122, Jnn], [123, Jnn], [124, Jee], [125, Jee], [125, Jnn], [127, Jee], [127, Jnn], [130, Jee], [130, Jnn], [132, Jee], [132, Jnn], [133, Jee], [134, Jee], [134, Jnn], [135, Jee], [135, Jnn], [136, Jee], [136, Jnn], [137, Jee], [142, Jnn], [144, Jee], [144, Jnn], [145, Jee], [150, Jee], [150, Jnn], [155, Jee], [155, Jnn], [161, Jnn], [167, Jee], [167, Jnn], [170, Jee], [171, Jnn], [173, Jee], [173, Jnn], [176, Jee], [176, Jnn], [177, Jee], [177, Jnn], [178, Jee], [178, Jnn], [179, Jee], [179, Jnn], [180, Jee], [180, Jnn], [182, Jee], [184, Jee], [188, Jee], [188, Jnn], [189, Jee], [189, Jnn], [192, Jee], [192, Jnn], [193, Jee], [193, Jnn], [199, Jnn], [200, Jee], [200, Jnn], [201, Jnn], [202, Jnn], [204, Jee], [206, Jee], [208, Jee], [209, Jee], [209, Jnn], [210, Jee], [210, Jnn], [212, Jnn], [213, Jee], [213, Jnn], [215, Jee], [215, Jnn], [216, Jee], [218, Jnn], [221, Jee], [232, Jee], [235, Jee], [240, Jee], [240, Jnn], [241, Jee], [241, Jnn], [242, Jee], [242, Jnn], [243, Jee], [243, Jnn], [245, Jnn], [246, Jee], [250, Jee], [251, Jee], [253, Jnn], [255, Jee], [255, Jnn], [256, Jee], [256, Jnn], [262, Jee], [262, Jnn], [268, Jnn], [270, Jee], [270, Jnn], [272, Jee], [281, Jee], [281, Jnn], [285, Jee], [285, Jnn], [320, Jee], [320, Jnn], [321, Jee], [321, Jnn], [323, Jee], [323, Jnn], [324, Jee], [324, Jnn], [325, Jee], [325, Jnn], [326, Jee], [326, Jnn], [327, Jee], [327, Jnn], [328, Jee], [328, Jnn], [329, Jee], [329, Jnn], [331, Jee], [331, Jnn], [332, Jee], [332, Jnn], [333, Jee], [333, Jnn], [336, Jee], [336, Jnn], [340, Jee], [340, Jnn]]

Metadata¶

In [24]:
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.6.2.dev110+g0529798
hera_qm: 2.2.0
hera_filters: 0.1.6.dev1+g297dcce
hera_notebook_templates: 0.1.dev936+gdc93cad
pyuvdata: 3.0.1.dev70+g283dda3
In [25]:
print(f'Finished execution in {(time.time() - tstart) / 60:.2f} minutes.')
Finished execution in 54.40 minutes.