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 1532 *.sum.red_avg_zscore.h5 files starting with /mnt/sn1/data2/2460466/zen.2460466.16905.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 1532 *.sum.smooth.calfits files starting with /mnt/sn1/data2/2460466/zen.2460466.16905.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}.')
30.423% of waterfall flagged to start.
36.582% of waterfall flagged after flagging z > 5.0 outliers.
37.119% 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 5 channels.
	Flagging 160 channels previously flagged 25.00% or more.
	Flagging 508 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 1 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.
	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.
51.594% 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/data2/2460466/zen.2460466.16905.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.16927.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.16950.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.16972.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.16994.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17017.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17039.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17061.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17084.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17106.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17128.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17151.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17173.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17196.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17218.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17240.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17263.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17285.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17307.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17330.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17352.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17375.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17397.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17419.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17442.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17464.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17486.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17509.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17531.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17554.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17576.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17598.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17621.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17643.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17665.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17688.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17710.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17732.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17755.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17777.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17800.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17822.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17844.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17867.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17889.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17911.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17934.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17956.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.17979.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18001.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18023.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18046.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18068.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18090.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18113.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18135.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18157.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18180.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18202.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18225.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18247.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18269.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18292.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18314.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18336.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18359.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18381.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18404.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18426.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18448.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18471.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18493.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18515.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18560.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18583.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18605.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18627.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18650.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18672.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18694.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18717.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18739.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18761.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18784.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18806.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18829.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18851.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18873.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18896.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18918.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18940.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18963.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.18985.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19008.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19030.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19075.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19097.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19119.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19142.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19164.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19186.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19209.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19231.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19254.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19276.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19298.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19321.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19343.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19365.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19388.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19410.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19433.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19455.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19477.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19500.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19522.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19544.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19567.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19589.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19612.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19634.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19656.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19679.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19701.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19723.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19746.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19768.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19790.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19813.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19835.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19858.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19880.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19902.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19925.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19947.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19969.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.19992.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20014.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20037.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20059.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20081.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20104.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20126.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20148.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20171.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20193.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20215.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20238.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20260.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20283.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20305.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20327.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20350.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20372.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20394.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20417.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20439.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20462.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20484.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20506.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20529.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20551.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20573.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20596.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20618.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20641.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20663.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20685.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20708.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20730.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20752.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20775.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20797.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20819.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20842.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20864.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20887.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20909.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20931.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20954.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20976.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.20998.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21021.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21043.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21066.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21088.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21110.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21133.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21155.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21177.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21200.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21222.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21245.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21267.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21289.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21312.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21334.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21356.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21379.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21401.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21423.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21446.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21468.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21491.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21513.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21535.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21558.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21580.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21602.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21625.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21647.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21670.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21692.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21714.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21737.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21759.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21804.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21826.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21848.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21893.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21916.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21938.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21960.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.21983.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22005.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22027.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22050.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22072.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22095.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22117.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22139.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22162.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22184.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22206.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22229.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22274.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22296.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22318.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22341.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22363.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22385.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22408.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22430.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22452.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22475.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22497.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22520.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22542.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22564.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22587.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22609.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22631.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22654.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22676.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22699.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22721.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22743.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22766.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22788.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22810.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22833.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22855.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22877.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22900.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22922.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22945.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22967.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.22989.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23012.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23034.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23056.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23079.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23101.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23124.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23146.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23168.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23191.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23213.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23235.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23258.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23280.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23303.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23325.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23347.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23370.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23392.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23414.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23437.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23459.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23481.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23549.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23571.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23593.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23616.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23638.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23660.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23683.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23705.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23728.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23750.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23772.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23795.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23817.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23839.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23862.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23884.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23906.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23929.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23951.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23974.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.23996.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24018.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24041.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24063.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24085.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24108.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24130.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24153.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24175.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24197.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24220.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24242.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24264.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24287.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24309.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24332.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24354.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24376.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24399.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24421.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24443.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24466.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24488.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24510.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24533.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24555.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24578.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24600.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24622.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24645.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24667.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24689.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24712.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24734.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24757.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24779.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24801.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24824.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24846.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24868.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24891.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24913.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24935.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.24958.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25003.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25025.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25047.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25070.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25092.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25114.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25137.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25159.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25182.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25204.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25226.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25249.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25271.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25293.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25316.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25338.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25361.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25383.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25405.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25428.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25450.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25472.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25495.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25517.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25539.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25562.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25584.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25607.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25629.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25651.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25674.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25696.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25718.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25741.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25763.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25786.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25808.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25830.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25853.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25875.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25897.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25920.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25942.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25964.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.25987.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26009.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26032.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26054.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26076.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26099.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26121.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26143.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26166.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26188.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26211.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26233.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26255.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26278.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26300.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26322.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26345.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26367.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26390.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26412.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26434.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26457.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26479.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26501.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26524.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26546.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26568.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26591.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26613.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26636.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26658.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26680.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26703.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26725.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26747.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26770.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26792.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26815.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26837.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26859.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26882.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26904.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26926.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26949.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26971.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.26993.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27016.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27038.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27061.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27083.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27105.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27128.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27150.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27172.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27195.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27217.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27240.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27262.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27284.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27307.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27329.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27351.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27374.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27396.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27419.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27441.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27463.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27486.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27508.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27530.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27553.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27575.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27597.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27620.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27642.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27665.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27687.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27709.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27732.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27754.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27776.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27799.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27821.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27844.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27866.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27888.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27911.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27933.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27955.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.27978.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28000.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28022.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28045.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28067.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28090.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28112.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28134.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28157.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28179.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28201.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28224.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28246.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28269.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28291.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28313.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28336.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28358.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28380.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28403.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28425.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28448.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28470.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28492.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28515.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28537.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28559.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28604.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28626.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28649.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28671.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28694.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28716.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28738.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28761.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28783.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28805.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28828.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28850.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28873.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28895.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28917.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28940.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28962.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.28984.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29007.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29029.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29051.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29074.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29096.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29119.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29141.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29163.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29186.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29208.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29230.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29253.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29275.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29298.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29320.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29342.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29365.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29387.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29409.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29432.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29454.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29477.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29499.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29521.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29544.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29566.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29588.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29611.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29633.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29655.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29678.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29700.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29723.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29745.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29767.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29790.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29812.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29834.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29857.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29879.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29902.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29924.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29946.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29969.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.29991.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30013.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30036.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30058.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30081.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30103.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30125.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30148.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30170.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30192.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30215.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30237.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30259.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30282.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30304.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30327.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30349.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30371.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30394.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30416.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30438.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30461.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30483.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30506.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30528.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30550.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30573.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30595.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30617.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30640.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30662.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30684.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30707.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30729.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30752.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30774.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30796.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30819.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30841.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30863.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30886.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30908.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30931.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30953.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30975.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.30998.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31020.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31042.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31065.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31087.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31110.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31132.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31154.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31177.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31199.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31221.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31244.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31266.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31288.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31311.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31333.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31356.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31378.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31400.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31423.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31445.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31467.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31490.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31512.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31535.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31557.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31579.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31602.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31624.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31646.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31669.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31691.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31713.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31736.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31758.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31781.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31803.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31825.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31848.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31870.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31892.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31915.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31937.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31960.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.31982.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32004.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32027.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32049.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32071.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32094.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32116.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32139.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32161.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32183.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32206.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32228.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32250.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32273.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32295.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32317.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32340.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32362.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32385.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32407.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32429.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32452.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32474.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32496.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32519.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32541.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32564.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32586.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32608.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32631.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32653.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32675.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32698.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32720.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32742.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32765.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32787.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32810.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32832.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32854.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32877.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32899.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32921.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32944.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32966.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.32989.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33011.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33033.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33056.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33078.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33100.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33123.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33145.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33168.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33190.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33212.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33235.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33257.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33279.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33302.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33324.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33346.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33369.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33391.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33414.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33436.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33458.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33481.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33503.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33525.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33548.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33570.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33593.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33637.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33660.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33682.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33704.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33727.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33749.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33771.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33794.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33816.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33839.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33861.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33883.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33906.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33928.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33950.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33973.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.33995.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34018.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34040.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34062.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34085.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34107.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34129.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34152.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34174.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34197.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34219.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34241.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34264.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34286.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34308.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34331.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34353.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34375.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34398.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34420.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34443.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34465.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34487.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34510.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34532.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34554.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34577.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34599.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34622.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34644.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34666.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34689.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34711.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34733.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34756.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34778.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34800.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34823.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34845.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34868.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34890.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34912.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34935.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34957.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.34979.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35002.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35024.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35047.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35069.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35091.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35114.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35136.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35158.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35181.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35203.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35226.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35248.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35270.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35293.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35315.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35337.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35360.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35382.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35404.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35427.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35449.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35472.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35494.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35516.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35539.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35561.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35583.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35606.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35628.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35651.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35673.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35695.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35718.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35740.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35762.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35785.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35807.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35829.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35852.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35874.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35897.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35919.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35941.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35964.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.35986.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36008.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36031.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36053.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36076.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36098.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36120.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36143.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36165.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36187.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36210.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36232.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36255.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36277.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36299.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36322.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36344.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36366.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36389.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36411.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36433.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36456.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36478.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36501.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36523.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36545.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36568.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36590.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36612.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36635.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36657.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36680.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36724.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36747.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36769.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36791.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36814.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36836.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36858.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36903.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36926.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36948.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36970.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.36993.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37015.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37037.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37060.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37082.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37105.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37127.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37149.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37172.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37194.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37216.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37239.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37261.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37284.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37306.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37328.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37351.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37373.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37395.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37418.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37440.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37462.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37485.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37507.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37530.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37552.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37574.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37597.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37619.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37641.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37664.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37686.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37709.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37731.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37753.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37776.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37798.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37820.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37843.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37887.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37910.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37932.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37955.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37977.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.37999.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38022.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38044.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38066.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38089.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38111.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38134.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38156.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38178.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38201.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38223.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38245.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38268.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38290.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38313.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38335.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38357.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38380.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38402.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38424.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38447.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38469.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38491.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38514.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38536.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38559.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38581.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38603.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38626.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38648.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38670.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38738.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38760.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38782.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38805.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38827.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38849.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38872.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38894.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38917.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38939.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38961.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.38984.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39006.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39028.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39051.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39073.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39095.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39118.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39140.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39163.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39185.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39207.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39230.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39252.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39274.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39297.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39319.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39342.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39364.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39386.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39409.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39431.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39453.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39476.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39498.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39520.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39543.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39565.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39588.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39610.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39632.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39655.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39677.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39699.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39722.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39744.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39767.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39789.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39811.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39834.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39856.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39878.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39901.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39923.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39946.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39968.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.39990.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40013.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40035.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40057.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40080.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40102.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40124.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40147.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40169.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40192.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40214.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40236.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40259.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40281.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40303.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40326.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40348.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40371.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40393.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40415.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40438.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40460.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40505.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40527.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40549.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40572.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40594.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40617.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40639.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40661.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40684.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40706.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40728.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40751.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40773.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40796.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40818.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40840.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40863.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40885.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40907.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40930.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40952.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40975.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.40997.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41019.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41042.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41064.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41086.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41109.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41131.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41153.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41176.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41198.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41221.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41243.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41265.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41288.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41310.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41332.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41355.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41377.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41400.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41422.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41444.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41467.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41489.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41511.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41534.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41556.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41578.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41601.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41623.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41646.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41668.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41690.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41713.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41735.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41757.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41780.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41802.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41825.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41847.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41869.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41892.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41914.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41936.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41959.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.41981.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42004.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42026.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42048.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42071.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42093.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42115.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42138.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42160.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42182.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42205.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42227.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42250.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42272.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42294.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42317.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42339.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42361.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42384.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42406.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42429.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42451.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42473.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42496.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42518.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42540.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42563.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42585.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42607.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42630.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42652.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42675.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42697.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42719.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42742.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42764.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42786.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42809.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42831.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42854.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42876.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42898.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42921.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42943.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42965.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.42988.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43010.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43033.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43055.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43077.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43100.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43122.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43144.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43167.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43189.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43211.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43234.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43256.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43279.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43301.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43323.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43346.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43368.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43390.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43413.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43435.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43458.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43480.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43502.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43525.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43547.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43569.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43592.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43614.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43636.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43659.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43681.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43704.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43726.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43748.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43771.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43793.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43815.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43838.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43860.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43883.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43905.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43927.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43950.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43972.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.43994.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44017.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44039.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44062.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44084.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44106.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44129.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44151.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44173.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44196.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44218.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44240.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44263.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44285.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44308.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44330.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44352.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44375.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44397.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44419.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44442.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44487.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44509.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44531.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44554.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44576.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44598.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44621.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44643.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44665.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44688.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44710.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44733.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44755.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44777.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44800.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44822.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44844.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44867.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44889.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44912.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44934.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44956.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.44979.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45001.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45023.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45046.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45068.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45091.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45113.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45135.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45158.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45180.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45202.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45225.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45247.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45269.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45292.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45314.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45337.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45359.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45381.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45404.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45426.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45448.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45471.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45493.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45516.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45538.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45560.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45583.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45605.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45627.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45650.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45672.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45694.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45717.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45739.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45762.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45784.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45806.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45829.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45851.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45873.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45896.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45918.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45941.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45963.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.45985.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46008.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46030.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46052.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46075.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46097.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46120.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46142.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46164.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46187.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46209.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46231.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46254.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46276.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46298.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46321.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46343.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46366.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46388.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46410.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46433.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46455.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46477.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46522.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46545.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46567.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46589.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46612.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46634.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46656.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46679.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46701.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46723.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46746.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46768.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46791.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46813.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46835.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46858.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46880.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46902.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46925.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46947.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46970.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.46992.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47014.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47037.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47059.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47081.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47104.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47126.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47149.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47171.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47193.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47216.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47238.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47260.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47283.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47305.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47327.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47350.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47372.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47395.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47417.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47439.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47462.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47484.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47506.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47529.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47551.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47574.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47596.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47618.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47641.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47663.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47685.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47708.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47730.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47753.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47775.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47797.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47820.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47842.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47864.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47887.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47909.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47931.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47954.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47976.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.47999.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48021.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48043.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48066.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48088.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48110.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48133.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48155.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48178.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48200.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48222.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48245.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48267.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48289.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48312.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48334.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48356.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48379.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48401.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48424.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48446.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48468.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48491.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48513.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48535.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48558.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48580.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48603.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48625.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48647.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48670.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48692.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48714.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48737.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48759.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48782.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48804.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48826.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48849.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48871.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48893.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48916.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48938.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48960.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.48983.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49005.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49028.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49050.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49072.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49095.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49117.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49139.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49162.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49184.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49207.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49229.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49251.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49274.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49296.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49318.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49341.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49363.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49385.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49408.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49430.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49453.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49475.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49497.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49520.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49542.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49564.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49587.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49609.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49632.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49654.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49676.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49699.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49721.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49743.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49766.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49788.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49811.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49833.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49855.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49878.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49900.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49922.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49945.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49967.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.49989.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50012.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50034.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50057.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50079.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50101.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50124.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50146.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50168.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50191.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50213.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50236.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50258.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50280.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50303.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50325.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50347.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50370.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50392.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50414.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50437.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50459.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50482.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50504.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50526.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50549.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50571.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50593.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50616.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50638.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50661.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50683.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50705.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50728.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50750.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50772.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50795.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50817.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50840.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50862.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50884.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50907.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50929.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50951.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50974.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.50996.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51018.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51041.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51063.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51086.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51108.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51130.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51153.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51175.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51197.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51220.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51242.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51265.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51287.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51309.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51332.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51354.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51376.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51399.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51421.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51443.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51466.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51488.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51511.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51533.sum.flag_waterfall_round_2.h5 exists; clobbering
File /mnt/sn1/data2/2460466/zen.2460466.51578.sum.flag_waterfall_round_2.h5 exists; clobbering
Saved 1532 *.sum.flag_waterfall_round_2.h5 files starting with /mnt/sn1/data2/2460466/zen.2460466.16905.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/data2/2460466/2460466_aposteriori_flags.yaml
------------------------------------------------------------------------------
JD_flags: [[2460466.168936099, 2460466.169159795], [2460466.1697190357, 2460466.169942732], [2460466.170166428, 2460466.1703901244], [2460466.1705019725, 2460466.1706138207], [2460466.170837517, 2460466.1713967575], [2460466.171508605, 2460466.1716204532], [2460466.1720678457, 2460466.172291542], [2460466.17240339, 2460466.1728507825], [2460466.173410023, 2460466.1736337193], [2460466.1739692637, 2460466.174081112], [2460466.17419296, 2460466.174416656], [2460466.1747522005, 2460466.1749758967], [2460466.175087745, 2460466.175311441], [2460466.1756469854, 2460466.1757588335], [2460466.176206226, 2460466.176318074], [2460466.176989163, 2460466.177101011], [2460466.177436555, 2460466.177548403], [2460466.1779957954, 2460466.1781076435], [2460466.178555036, 2460466.178666884], [2460466.1791142765, 2460466.1792261247], [2460466.179449821, 2460466.1797853652], [2460466.1798972134, 2460466.1802327577], [2460466.180344606, 2460466.1809038464], [2460466.1811275426, 2460466.181463087], [2460466.182246024, 2460466.1826934163], [2460466.1833645045, 2460466.185713315], [2460466.185825163, 2460466.1860488593], [2460466.1861607074, 2460466.1863844036], [2460466.1864962517, 2460466.186831796], [2460466.1870554923, 2460466.1871673404], [2460466.1873910367, 2460466.187502885], [2460466.1885095173, 2460466.1888450617], [2460466.18895691, 2460466.189068758], [2460466.1894043023, 2460466.1896279985], [2460466.1906346316, 2460466.190858328], [2460466.190970176, 2460466.1914175684], [2460466.1923123533, 2460466.1924242014], [2460466.192871594, 2460466.19309529], [2460466.193207138, 2460466.1933189863], [2460466.193766379, 2460466.193878227], [2460466.195220404, 2460466.195332252], [2460466.195555948, 2460466.1956677963], [2460466.1968981256, 2460466.197121822], [2460466.1979047586, 2460466.1980166067], [2460466.198463999, 2460466.1985758473], [2460466.1989113917, 2460466.1995824804], [2460466.199806176, 2460466.2000298724], [2460466.200700961, 2460466.200812809], [2460466.2011483535, 2460466.201483898], [2460466.201595746, 2460466.2019312903], [2460466.202714227, 2460466.2030497715], [2460466.2032734677, 2460466.203385316], [2460466.2040564045, 2460466.2041682526], [2460466.204503797, 2460466.204727493], [2460466.2048393413, 2460466.205286734], [2460466.205845974, 2460466.205957822], [2460466.20606967, 2460466.2061815183], [2460466.2084184806, 2460466.208642177], [2460466.208977721, 2460466.2090895693], [2460466.2095369617, 2460466.20964881], [2460466.209760658, 2460466.209984354], [2460466.210767291, 2460466.210879139], [2460466.211326531, 2460466.2114383793], [2460466.2115502274, 2460466.2117739236], [2460466.2136753416, 2460466.2137871897], [2460466.2143464303, 2460466.2144582784], [2460466.215017519, 2460466.215129367], [2460466.2155767595, 2460466.2156886077], [2460466.216024152, 2460466.216136], [2460466.2162478482, 2460466.2168070883], [2460466.2169189365, 2460466.2170307846], [2460466.217478177, 2460466.2177018733], [2460466.2181492657, 2460466.218261114], [2460466.21848481, 2460466.218596658], [2460466.2189322026, 2460466.2190440507], [2460466.219155899, 2460466.219267747], [2460466.219491443, 2460466.2196032912], [2460466.2197151394, 2460466.2198269875], [2460466.220386228, 2460466.221281013], [2460466.2216165573, 2460466.2218402536], [2460466.2220639493, 2460466.224636456], [2460466.224748304, 2460466.224860152], [2460466.2249720003, 2460466.2250838485], [2460466.227320811, 2460466.227544507], [2460466.227880051, 2460466.228103747], [2460466.228886684, 2460466.22911038], [2460466.2292222283, 2460466.2293340764], [2460466.2295577726, 2460466.229893317], [2460466.2305644057, 2460466.230788102], [2460466.23089995, 2460466.231011798], [2460466.2311236463, 2460466.2312354944], [2460466.2321302793, 2460466.2322421274], [2460466.23268952, 2460466.2336961525], [2460466.2345909374, 2460466.2349264817], [2460466.2354857223, 2460466.2358212667], [2460466.236268659, 2460466.2368278997], [2460466.237275292, 2460466.2373871403], [2460466.2374989884, 2460466.2376108365], [2460466.238058229, 2460466.238170077], [2460466.238281925, 2460466.2383937733], [2460466.2398477984, 2460466.2399596465], [2460466.2418610645, 2460466.2419729126], [2460466.242420305, 2460466.2428676975], [2460466.2453283556, 2460466.2454402037], [2460466.246894229, 2460466.2470060773], [2460466.247565318, 2460466.2479008622], [2460466.248571951, 2460466.248683799], [2460466.248795647, 2460466.2489074953], [2460466.2492430396, 2460466.2493548878], [2460466.249466736, 2460466.249690432], [2460466.2502496727, 2460466.2505852166], [2460466.250920761, 2460466.251144457], [2460466.2512563053, 2460466.2513681534], [2460466.25215109, 2460466.2522629383], [2460466.253045875, 2460466.253157723], [2460466.25394066, 2460466.254052508], [2460466.2546117487, 2460466.254723597], [2460466.25628947, 2460466.256401318], [2460466.258414584, 2460466.2585264323], [2460466.259085673, 2460466.259197521], [2460466.2627766603, 2460466.2630003565], [2460466.265461015, 2460466.265572863], [2460466.268928306, 2460466.2690401543], [2460466.2693756986, 2460466.2694875468], [2460466.269599395, 2460466.269711243], [2460466.270606028, 2460466.270717876], [2460466.271836357, 2460466.2719482053], [2460466.2721719015, 2460466.2722837497], [2460466.2737377747, 2460466.273849623], [2460466.274185167, 2460466.2742970153], [2460466.2751918, 2460466.2753036483], [2460466.2755273446, 2460466.2756391927], [2460466.275974737, 2460466.276086585], [2460466.277988003, 2460466.278099851], [2460466.278435395, 2460466.278547243], [2460466.279106484, 2460466.279218332], [2460466.2808960536, 2460466.2810079018], [2460466.284698889, 2460466.2849225854], [2460466.2850344335, 2460466.2851462816], [2460466.2870476996, 2460466.2871595477], [2460466.2904031426, 2460466.2905149907], [2460466.2915216237, 2460466.291633472], [2460466.2954363073, 2460466.2955481554], [2460466.297225877, 2460466.2973377253], [2460466.2977851178, 2460466.297896966], [2460466.2985680546, 2460466.2986799027], [2460466.303489371, 2460466.3036012193], [2460466.3047197005, 2460466.3048315486], [2460466.3055026373, 2460466.3056144854], [2460466.306397422, 2460466.3065092703], [2460466.3071803586, 2460466.307404055], [2460466.3098647133, 2460466.3099765615], [2460466.3108713464, 2460466.3110950426], [2460466.3143386375, 2460466.3144504856], [2460466.3153452706, 2460466.315568967], [2460466.3165756, 2460466.316687448], [2460466.316799296, 2460466.316911144], [2460466.3170229923, 2460466.3171348404], [2460466.317582233, 2460466.317694081], [2460466.3185888655, 2460466.31892441], [2460466.320154739, 2460466.320266587], [2460466.322168005, 2460466.3222798533], [2460466.3223917014, 2460466.3225035495], [2460466.3227272457, 2460466.32306279], [2460466.324516815, 2460466.3246286632], [2460466.3258589925, 2460466.3259708406], [2460466.327424866, 2460466.3276485624], [2460466.3299973723, 2460466.3301092205], [2460466.3308921573, 2460466.3310040054], [2460466.3329054234, 2460466.3330172715], [2460466.3331291196, 2460466.3332409677], [2460466.3340239045, 2460466.3341357526], [2460466.337043803, 2460466.3372674994], [2460466.3373793475, 2460466.33782674], [2460466.338609677, 2460466.338721525], [2460466.3390570693, 2460466.3391689174], [2460466.3402873985, 2460466.3405110943], [2460466.341070335, 2460466.341182183], [2460466.342076968, 2460466.342188816], [2460466.3428599047, 2460466.343083601], [2460466.343866538, 2460466.343978386], [2460466.3443139303, 2460466.3444257784], [2460466.3455442595, 2460466.3456561076], [2460466.3468864365, 2460466.3469982846], [2460466.347333829, 2460466.347445677], [2460466.349123399, 2460466.349235247], [2460466.351807753, 2460466.351919601], [2460466.352478842, 2460466.35259069], [2460466.3541565635, 2460466.3542684116], [2460466.3550513485, 2460466.3551631966], [2460466.3559461334, 2460466.3560579815], [2460466.356505374, 2460466.3568409183], [2460466.3576238547, 2460466.357735703], [2460466.357847551, 2460466.357959399], [2460466.3591897283, 2460466.3593015764], [2460466.363999197, 2460466.364111045], [2460466.3655650704, 2460466.3656769185], [2460466.366012463, 2460466.3698152984], [2460466.3701508427, 2460466.370262691], [2460466.370374539, 2460466.370486387], [2460466.3708219314, 2460466.3709337795], [2460466.371269324, 2460466.371381172], [2460466.372164109, 2460466.372275957], [2460466.3728351975, 2460466.3729470456], [2460466.373394438, 2460466.373506286], [2460466.3744010706, 2460466.3745129188], [2460466.376526185, 2460466.376749881], [2460466.3770854254, 2460466.3771972735], [2460466.3773091217, 2460466.377756514], [2460466.3779802104, 2460466.3812238052], [2460466.3813356534, 2460466.3814475015], [2460466.3815593496, 2460466.3816711977], [2460466.3835726157, 2460466.383684464], [2460466.383796312, 2460466.38390816], [2460466.3843555525, 2460466.3852503374], [2460466.3855858813, 2460466.3865925143], [2460466.3867043625, 2460466.3868162106], [2460466.3875991474, 2460466.3877109955], [2460466.388158388, 2460466.388270236], [2460466.3898361097, 2460466.389947958], [2460466.390171654, 2460466.390283502], [2460466.3911782866, 2460466.3912901348], [2460466.391625679, 2460466.391737527], [2460466.3920730716, 2460466.3921849197], [2460466.3939744895, 2460466.3941981858], [2460466.3993431986, 2460466.3994550467], [2460466.4010209204, 2460466.4011327685], [2460466.4023630973, 2460466.405718541], [2460466.4062777814, 2460466.4066133257], [2460466.40694887, 2460466.407060718], [2460466.409185832, 2460466.40929768], [2460466.4107517055, 2460466.4108635536], [2460466.4109754018, 2460466.41108725], [2460466.413771604, 2460466.4139953004], [2460466.4162322627, 2460466.416344111], [2460466.417350744, 2460466.417462592], [2460466.4204824907, 2460466.420594339], [2460466.422719453, 2460466.422831301], [2460466.423614238, 2460466.423837934], [2460466.424509023, 2460466.424732719], [2460466.4248445667, 2460466.424956415], [2460466.4274170734, 2460466.4275289215], [2460466.42998958, 2460466.430101428], [2460466.431331757, 2460466.431443605], [2460466.431555453, 2460466.4316673013], [2460466.43233839, 2460466.432450238], [2460466.4336805674, 2460466.4337924155], [2460466.4358056816, 2460466.4359175297], [2460466.438713732, 2460466.4389374284], [2460466.439384821, 2460466.4407269983], [2460466.441286239, 2460466.441398087], [2460466.441509935, 2460466.441621783], [2460466.4475497324, 2460466.4476615805], [2460466.4478852767, 2460466.447997125], [2460466.448220821, 2460466.448332669], [2460466.449115606, 2460466.4493393023], [2460466.4494511504, 2460466.4495629985], [2460466.4514644165, 2460466.4516881127], [2460466.452135505, 2460466.4522473533], [2460466.4539250745, 2460466.4540369227], [2460466.454484315, 2460466.4547080114], [2460466.4549317076, 2460466.4550435557], [2460466.4559383406, 2460466.4560501887], [2460466.456385733, 2460466.456497581], [2460466.459629328, 2460466.4608596573], [2460466.4609715054, 2460466.4611952016], [2460466.4613070497, 2460466.461530746], [2460466.4618662903, 2460466.4619781384], [2460466.462425531, 2460466.4861373296], [2460466.486361026, 2460466.4884861396], [2460466.4885979877, 2460466.490611254], [2460466.490723102, 2460466.496091811], [2460466.4965392035, 2460466.5000064946], [2460466.500453887, 2460466.500565735], [2460466.5006775833, 2460466.5007894314], [2460466.5082832547, 2460466.508395103], [2460466.5097372797, 2460466.509849128], [2460466.5111913052, 2460466.511750546], [2460466.5147704445, 2460466.5148822926], [2460466.515329685, 2460466.515441533]]

freq_flags: [[46981811.5234375, 56259155.2734375], [59921264.6484375, 60409545.8984375], [60653686.5234375, 61019897.4609375], [62118530.2734375, 63095092.7734375], [63461303.7109375, 63705444.3359375], [65170288.0859375, 70419311.5234375], [87387084.9609375, 108627319.3359375], [108993530.2734375, 117050170.8984375], [117172241.2109375, 117538452.1484375], [117782592.7734375, 118026733.3984375], [118515014.6484375, 118637084.9609375], [124862670.8984375, 125228881.8359375], [127548217.7734375, 127670288.0859375], [129989624.0234375, 130111694.3359375], [136337280.2734375, 136459350.5859375], [136825561.5234375, 138290405.2734375], [138656616.2109375, 138778686.5234375], [141464233.3984375, 141586303.7109375], [141708374.0234375, 141830444.3359375], [142074584.9609375, 142318725.5859375], [142929077.1484375, 143051147.4609375], [143783569.3359375, 144027709.9609375], [145736694.3359375, 145980834.9609375], [147445678.7109375, 147567749.0234375], [149887084.9609375, 150009155.2734375], [154159545.8984375, 154403686.5234375], [169906616.2109375, 170150756.8359375], [170883178.7109375, 171005249.0234375], [171737670.8984375, 171859741.2109375], [175155639.6484375, 175277709.9609375], [181137084.9609375, 181259155.2734375], [183212280.2734375, 183334350.5859375], [187362670.8984375, 187606811.5234375], [189926147.4609375, 190048217.7734375], [191146850.5859375, 191513061.5234375], [197128295.8984375, 197372436.5234375], [198104858.3984375, 198348999.0234375], [199203491.2109375, 199325561.5234375], [201644897.4609375, 201889038.0859375], [204940795.8984375, 205062866.2109375], [207138061.5234375, 207260131.8359375], [208480834.9609375, 208724975.5859375], [209945678.7109375, 210067749.0234375], [212142944.3359375, 212265014.6484375], [215194702.1484375, 215316772.4609375], [220565795.8984375, 220809936.5234375], [223007202.1484375, 223495483.3984375], [227401733.3984375, 227523803.7109375], [227645874.0234375, 227767944.3359375], [229110717.7734375, 229354858.3984375], [229965209.9609375, 230087280.2734375], [231063842.7734375, 231185913.0859375]]

ex_ants: [[3, Jnn], [8, Jee], [8, Jnn], [9, Jnn], [10, Jnn], [15, Jnn], [18, Jee], [18, Jnn], [22, Jnn], [27, Jee], [27, Jnn], [28, Jee], [28, Jnn], [29, Jnn], [31, Jnn], [33, Jee], [34, Jee], [35, Jnn], [37, Jee], [37, Jnn], [40, Jnn], [45, Jee], [46, Jee], [47, Jee], [47, Jnn], [51, Jee], [54, Jnn], [61, Jee], [61, Jnn], [63, Jee], [63, Jnn], [64, Jee], [64, Jnn], [69, Jee], [73, Jee], [73, Jnn], [77, Jee], [77, Jnn], [78, Jee], [78, Jnn], [81, Jnn], [82, Jnn], [86, Jee], [86, Jnn], [87, Jee], [88, Jee], [88, Jnn], [90, Jee], [90, Jnn], [92, Jee], [96, Jnn], [97, Jnn], [104, Jnn], [107, Jee], [107, Jnn], [109, Jnn], [111, Jee], [112, Jnn], [115, Jnn], [116, Jnn], [117, Jee], [117, Jnn], [119, Jnn], [131, Jnn], [134, Jnn], [136, Jnn], [154, Jnn], [160, Jnn], [161, Jnn], [166, Jnn], [168, Jee], [168, Jnn], [169, Jnn], [170, Jee], [171, Jnn], [172, Jnn], [173, Jnn], [174, Jnn], [175, Jnn], [176, Jee], [176, Jnn], [177, Jee], [177, Jnn], [178, Jee], [178, Jnn], [180, Jnn], [183, Jee], [183, Jnn], [188, Jnn], [195, Jnn], [196, Jee], [196, Jnn], [197, Jnn], [199, Jee], [199, Jnn], [200, Jee], [200, Jnn], [202, Jnn], [204, Jnn], [209, Jnn], [212, Jee], [212, Jnn], [215, Jnn], [217, Jee], [218, Jee], [218, Jnn], [229, Jee], [231, Jee], [231, Jnn], [232, Jee], [232, Jnn], [235, Jee], [235, Jnn], [241, Jee], [241, Jnn], [242, Jee], [242, Jnn], [243, Jee], [243, Jnn], [245, Jnn], [246, Jee], [251, Jee], [252, Jnn], [255, Jee], [255, Jnn], [262, Jnn], [266, Jee], [267, Jnn], [268, Jnn], [272, Jee], [272, Jnn], [281, Jee], [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.dev110+gcc0a13d
hera_qm: 2.1.5.dev6+g23b7cf7
hera_filters: 0.1.5
hera_notebook_templates: 0.1.dev734+g90f16f4
pyuvdata: 2.4.2
In [25]:
print(f'Finished execution in {(time.time() - tstart) / 60:.2f} minutes.')
Finished execution in 44.88 minutes.