In [1]:
import os

# Create the 'output' folder if it doesn't exist
if not os.path.exists('output'):
    os.makedirs('output')
In [4]:
# Import libraries
import numpy as np
import pandas as pd
from obspy import read
from datetime import datetime, timedelta
import matplotlib.pyplot as plt
import os
cat_directory = 'lunar/training/catalogs/'
cat_file = cat_directory + 'apollo12_catalog_GradeA_final.csv'
cat = pd.read_csv(cat_file)
for cat_len in range(len(cat)):
    row = cat.iloc[cat_len]
    arrival_time = datetime.strptime(row['time_abs(%Y-%m-%dT%H:%M:%S.%f)'],'%Y-%m-%dT%H:%M:%S.%f')
    # If we want the value of relative time, we don't need to use datetime
    arrival_time_rel = row['time_rel(sec)']
    # Let's also get the name of the file
    test_filename = row.filename
    data_directory = 'lunar/training/data/S12_GradeA/'
    csv_file = f'{data_directory}{test_filename}.csv'
    #csv_file = '/content/drive/MyDrive/lunar/test/data/S15_GradeA/xa.s15.00.mhz.1973-04-04HR00_evid00098.csv'
    data_cat = pd.read_csv(csv_file)
    # Read a miniseed file
    data_directory = 'lunar/training/data/S12_GradeA/'
    mseed_file = f'{data_directory}{test_filename}.mseed'
    #mseed_file = '/content/drive/MyDrive/lunar/test/data/S15_GradeA/xa.s15.00.mhz.1973-04-04HR00_evid00098.mseed'
    st = read(mseed_file)
    print(st)
    # The stream file also contains some useful header information
    print(st[0].stats)

    tr = st.traces[0].copy()
    tr_times = tr.times()
    tr_data = tr.data

    # Apply a bandpass filter
    st_filtered = st.copy()
    st_filtered.filter("bandpass", freqmin=0.1, freqmax=10.0)
    #st_filtered = st_p.copy()
    # Access the first trace in the filtered stream
    tr_filtered = st_filtered[0]

    # Get the filtered data (dependent variable)
    filtered_data = tr_filtered.data

    sq_filtered_data = filtered_data*filtered_data
    plt.plot(tr_times, sq_filtered_data)
    plt.xlabel('Time (s)')
    plt.ylabel('Velocity (m/s)')
    plt.title('Velocity Data with Detected Peaks')
    plt.legend()
    plt.show()

    # LEAST Squares ----------------------------------------------------------------
    # Manually construct the design matrix X for a quadratic fit
    # X = [[t1^2, t1, 1], [t2^2, t2, 1], ..., [tn^2, tn, 1]]
    X = np.vstack([tr_times**2, tr_times, np.ones(len(tr_times))]).T

    # Compute the Least Squares solution: p = (X^T X)^(-1) X^T y
    # p will contain the coefficients [a, b, c] where y = a * t^2 + b * t + c
    p = np.linalg.inv(X.T @ X) @ X.T @ sq_filtered_data

    # Extract the coefficients
    a, b, c = p

    # Generate the fitted signal for the quadratic model
    fitted_signal = a * tr_times**2 + b * tr_times + c

    # Calculate residuals
    residuals = sq_filtered_data - (fitted_signal**2)
    # Set a threshold to detect seismic events (e.g., 3 times the standard deviation)
    threshold = 25 * np.std(residuals)

    # Identify points where residuals exceed the threshold (potential events)
    event_indices = np.where(np.abs(residuals) > threshold)[0]

    # Convert indices to relative times
    event_times = tr_times[event_indices]
    event_residuals = residuals[event_indices]
    # Print detected event times
    print("Detected event times (seconds):", event_times[11])
    print("Detected event residuals:", event_residuals[11])
    # Plot the filtered data, fitted signal, and detected events
    plt.figure(figsize=(16, 6))

    # Plot filtered data
    plt.plot(tr_times, sq_filtered_data, label='Filtered Seismic Data (0.1 - 5.0 Hz)', color='black')

    # Plot fitted signal (Least Squares Fit)
    plt.plot(tr_times, (fitted_signal**2), label='Fitted Signal (Manual Least Squares)', color='blue')

    # Mark detected events
    plt.scatter(event_times, sq_filtered_data[event_indices], color='red', label='Detected Events')

    # Add labels and title
    plt.xlabel('Time (seconds since start)')
    plt.ylabel('Amplitude')
    plt.title('Seismic Event Detection using Manual Least Squares Method')
    plt.legend()

    # Show plot
    plt.show()

    #Least Square -------------------------------------------------------------------

    #Moving Average -------------------------------------------------------------------------
    # Assuming tr_times is in seconds and sq_filtered_data contains the seismic data

    # Step 1: Define window sizes in terms of data points
    # To get the number of points corresponding to 10 minutes and 1 hour,
    # we calculate based on the time differences in tr_times (assuming uniform sampling).

    sampling_interval = np.mean(np.diff(tr_times))  # Calculate the average time step (seconds)

    # Calculate window sizes based on sampling interval
    window_10min = int(600 / sampling_interval)  # 600 seconds = 10 minutes
    window_1hr = int(3600 / sampling_interval)   # 3600 seconds = 1 hour

    # Step 2: Calculate moving averages using a rolling window
    # Use np.convolve to calculate the moving averages for both window sizes

    # Moving average for 10 minutes
    moving_avg_10min = np.convolve(sq_filtered_data, np.ones(window_10min)/window_10min, mode='valid')

    # Moving average for 1 hour
    moving_avg_1hr = np.convolve(sq_filtered_data, np.ones(window_1hr)/window_1hr, mode='valid')

    # Step 3: Plot the original data and the moving averages

    # Plot the original seismic data
    plt.figure(figsize=(16, 6))
    plt.plot(tr_times, sq_filtered_data, label='Original Seismic Data', color='black')

    # Plot the 10-minute moving average (aligned with time)
    plt.plot(tr_times[window_10min-1:], moving_avg_10min, label='10-min Moving Average', color='red')

    # Plot the 1-hour moving average (aligned with time)
    plt.plot(tr_times[window_1hr-1:], moving_avg_1hr, label='1-hr Moving Average', color='blue')

    # Add labels and title
    plt.xlabel('Time (seconds since start)')
    plt.ylabel('Amplitude')
    plt.title('Seismic Data with 10-min and 1-hr Moving Averages')

    # Add legend
    plt.legend()

    # Show plot
    plt.show()

    #plotting highest point in moving average
    # Step 1: Define window size for 10 minutes in terms of data points
    window_10min = int(600 / sampling_interval)  # 600 seconds = 10 minutes

    # Step 2: Calculate the 10-minute moving average
    moving_avg_10min = np.convolve(sq_filtered_data, np.ones(window_10min)/window_10min, mode='valid')

    # Step 3: Find the index of the maximum point in the moving average
    max_index_in_avg = np.argmax(moving_avg_10min)  # Index within the moving average

    # Since the moving average is shorter than the original data (due to 'valid' mode),
    # we need to shift the index to match the original time series.
    max_index_in_original = max_index_in_avg + (window_10min - 1)

    # Get the corresponding time for this index
    max_time = tr_times[max_index_in_original]

    # Print the index and time of the highest point in the 10-min moving average
    print("Index of highest point in 10-min moving average:", max_index_in_original)
    print("Time of highest point in 10-min moving average (seconds):", max_time)

    # Step 4: Plot the original data and the 10-minute moving average
    plt.figure(figsize=(16, 6))

    # Plot the original seismic data
    plt.plot(tr_times, sq_filtered_data, label='Original Seismic Data', color='black')

    # Plot the 10-minute moving average
    plt.plot(tr_times[window_10min-1:], moving_avg_10min, label='10-min Moving Average', color='red')

    # Mark the highest point in the moving average
    plt.scatter(tr_times[max_index_in_original], moving_avg_10min[max_index_in_avg], color='green', label='Max Point in 10-min Avg', zorder=5)

    # Add labels and title
    plt.xlabel('Time (seconds since start)')
    plt.ylabel('Amplitude')
    plt.title('Seismic Data with 10-min Moving Average and Max Point')

    # Add legend
    plt.legend()

    # Show plot
    plt.show()

    # plotting highest of data -----------------------------------------------

    # Step 1: Define window size for 10 minutes in terms of data points (from the previous code)
    window_10min = int(600 / sampling_interval)

    # Calculate the 10-minute moving average
    moving_avg_10min = np.convolve(sq_filtered_data, np.ones(window_10min) / window_10min, mode='valid')

    # Calculate slopes to detect sharp upward slope
    slopes = np.diff(moving_avg_10min)
    slope_threshold = 1.5 * np.std(slopes)

    # Find sharp upward slope index (from previous code)
    sharp_slope_index_in_avg = max_index_in_avg
    for i in range(max_index_in_avg - 1, 0, -1):
      if slopes[i-1] > slope_threshold:
          sharp_slope_index_in_avg = i
          break

    # Convert to the original index
    sharp_slope_index_in_original = sharp_slope_index_in_avg + (window_10min - 1)

    # Step 2: Find the highest point within the -5000 index range
    # Define the range to search for the highest point
    start_index_range = max(sharp_slope_index_in_original - 5000, 0)  # Ensure we don't go below index 0
    end_index_range = sharp_slope_index_in_original

    # Extract the portion of the original data in this range
    data_in_range = sq_filtered_data[start_index_range:end_index_range]

    # Find the index of the highest point in the range
    max_in_range_index = np.argmax(data_in_range)

    # Get the actual index of the highest point in the original data
    highest_point_index = start_index_range + max_in_range_index

    # Get the time and amplitude of the highest point
    highest_point_time = tr_times[highest_point_index]
    highest_point_amplitude = sq_filtered_data[highest_point_index]

    # Print the details of the highest point
    print("Highest point in the -5000 index range:")
    print("Index:", highest_point_index)
    print("Time (seconds):", highest_point_time)
    print("Amplitude:", highest_point_amplitude)

    # Step 3: Plot the seismic data and highlight the highest point
    plt.figure(figsize=(16, 6))

    # Plot the original seismic data
    plt.plot(tr_times, sq_filtered_data, label='Original Seismic Data', color='black')

    # Plot the 10-minute moving average
    plt.plot(tr_times[window_10min-1:], moving_avg_10min, label='10-min Moving Average', color='red')

    # Mark the point with sharp upward slope
    plt.scatter(tr_times[sharp_slope_index_in_original], moving_avg_10min[sharp_slope_index_in_avg], color='green', label='Sharp Upward Slope', zorder=5)

    # Mark the highest point in the -5000 range
    plt.scatter(highest_point_time, highest_point_amplitude, color='blue', label='Highest Point in -5000 Range', zorder=6)

    # Add labels and title
    plt.xlabel('Time (seconds since start)')
    plt.ylabel('Amplitude')
    plt.title('Seismic Data with Detected Points')

    # Add legend
    plt.legend()

    # Show plot
    plt.show()

    #Backwards Standard Deviation-----------------------------------
    # Set a threshold to detect seismic events (e.g., 3 times the standard deviation)
    threshold = 0.1*np.std(residuals)

    # Identify points where residuals exceed the threshold (potential events)
    event_indices = np.where(np.abs(residuals) > threshold)[0]

    # Convert indices to relative times
    event_times = tr_times[event_indices]
    event_residuals = residuals[event_indices]
    # Step 2: Find the maximum detected event point in terms of index
    max_event_index = highest_point_index  # The last event detected

    # Step 3: Define the range to plot, going backward 5000 indices from the max event point
    start_index_plot = max(0, max_event_index - 5000)  # Ensure index doesn't go below 0
    end_index_plot = max_event_index

    # Extract the event indices within this range
    event_indices_in_range = event_indices[(event_indices >= start_index_plot) & (event_indices <= end_index_plot)]

    # Get the corresponding times and residuals for events in this range
    event_times_in_range = tr_times[event_indices_in_range]
    event_residuals_in_range = residuals[event_indices_in_range]
    print("orginal time: ",arrival_time_rel)

    # Print the last detected event time and residual within the range
    if len(event_times_in_range) > 0:
      print("Detected event time (seconds):", event_times_in_range[1])
      print("Detected event residual:", event_residuals_in_range[1])
    else:
      print("No events detected in the -5000 index range.")

    # Step 4: Plot the filtered data, fitted signal, and only the detected events in the backward range
    plt.figure(figsize=(16, 6))

    # Plot the filtered seismic data
    plt.plot(tr_times, sq_filtered_data, label='Filtered Seismic Data (0.1 - 5.0 Hz)', color='black')

    # Plot the fitted signal (Least Squares Fit)
    plt.plot(tr_times, (fitted_signal**2), label='Fitted Signal (Manual Least Squares)', color='blue')

    # Mark the detected events only within the -5000 index range
    #plt.scatter(event_times_in_range[1], sq_filtered_data[1], color='red', label='Detected Events (-5000 range)', zorder=5)
    plt.axvline(x=event_times_in_range[1], color='red', linestyle='--', label='Event Time (-5000 range)')
    # Add labels and title
    plt.xlabel('Time (seconds since start)')
    plt.ylabel('Amplitude')
    plt.title('Seismic Event Detection (Backward 5000 indices from last event)')

    # Add legend
    plt.legend()
    # Save the plot to the output folder
    plt.savefig(f'output/{cat_len}.png')
    # Show plot
    plt.show()
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-01-19T00:00:00.665000Z - 1970-01-20T00:00:02.778208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-01-19T00:00:00.665000Z
         endtime: 1970-01-20T00:00:02.778208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 73769.05660377358
Detected event residuals: 3.294661726926621e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 492039
Time of highest point in 10-min moving average (seconds): 74270.03773584905
No description has been provided for this image
Highest point in the -5000 index range:
Index: 489650
Time (seconds): 73909.43396226416
Amplitude: 6.868709837768176e-17
No description has been provided for this image
orginal time:  73500.0
Detected event time (seconds): 73430.64150943396
Detected event residual: 1.9808949195720213e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-03-25T00:00:00.440000Z - 1970-03-26T00:00:01.949434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-03-25T00:00:00.440000Z
         endtime: 1970-03-26T00:00:01.949434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 13332.981132075472
Detected event residuals: 9.888539495735593e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 91298
Time of highest point in 10-min moving average (seconds): 13780.830188679245
No description has been provided for this image
Highest point in the -5000 index range:
Index: 90289
Time (seconds): 13628.528301886792
Amplitude: 2.866464800264743e-17
No description has been provided for this image
orginal time:  12720.0
Detected event time (seconds): 12873.962264150943
Detected event residual: 1.4212527804817405e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-03-26T00:00:00.565000Z - 1970-03-27T00:00:02.074434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-03-26T00:00:00.565000Z
         endtime: 1970-03-27T00:00:02.074434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 73352.60377358491
Detected event residuals: 1.5322276267057754e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 490363
Time of highest point in 10-min moving average (seconds): 74017.05660377358
No description has been provided for this image
Highest point in the -5000 index range:
Index: 487399
Time (seconds): 73569.6603773585
Amplitude: 4.6864371302919724e-17
No description has been provided for this image
orginal time:  73020.0
Detected event time (seconds): 72826.8679245283
Detected event residual: 8.977090515253301e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-04-25T00:00:00.196000Z - 1970-04-26T00:00:02.309208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-04-25T00:00:00.196000Z
         endtime: 1970-04-26T00:00:02.309208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 4987.320754716981
Detected event residuals: 2.1222213886346446e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 36858
Time of highest point in 10-min moving average (seconds): 5563.471698113208
No description has been provided for this image
Highest point in the -5000 index range:
Index: 35111
Time (seconds): 5299.773584905661
Amplitude: 4.974791680288609e-17
No description has been provided for this image
orginal time:  4440.0
Detected event time (seconds): 4545.962264150943
Detected event residual: 1.46689087017927e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-04-26T00:00:00.660000Z - 1970-04-27T00:00:02.169434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-04-26T00:00:00.660000Z
         endtime: 1970-04-27T00:00:02.169434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 52404.83018867925
Detected event residuals: 9.502605992564751e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 350819
Time of highest point in 10-min moving average (seconds): 52953.811320754714
No description has been provided for this image
Highest point in the -5000 index range:
Index: 347893
Time (seconds): 52512.15094339623
Amplitude: 3.369222332547816e-17
No description has been provided for this image
orginal time:  52140.0
Detected event time (seconds): 51762.41509433962
Detected event residual: 1.3491342977743672e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-06-15T00:00:00.510000Z - 1970-06-16T00:00:03.076038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-06-15T00:00:00.510000Z
         endtime: 1970-06-16T00:00:03.076038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 68868.83018867925
Detected event residuals: 1.1130634348042404e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 458968
Time of highest point in 10-min moving average (seconds): 69278.18867924529
No description has been provided for this image
Highest point in the -5000 index range:
Index: 457555
Time (seconds): 69064.90566037736
Amplitude: 6.143371404662228e-16
No description has been provided for this image
orginal time:  68400.0
Detected event time (seconds): 68339.62264150943
Detected event residual: 4.830997338048284e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-06-26T00:00:00.116000Z - 1970-06-27T00:00:03.436755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-06-26T00:00:00.116000Z
         endtime: 1970-06-27T00:00:03.436755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 72504.30188679245
Detected event residuals: 1.05890549329096e-15
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 484109
Time of highest point in 10-min moving average (seconds): 73073.05660377358
No description has been provided for this image
Highest point in the -5000 index range:
Index: 482361
Time (seconds): 72809.2075471698
Amplitude: 3.821801735837308e-15
No description has been provided for this image
orginal time:  72060.0
Detected event time (seconds): 72134.7924528302
Detected event residual: 4.4596818160582195e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-07-20T00:00:00.487000Z - 1970-07-21T00:00:01.996434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-07-20T00:00:00.487000Z
         endtime: 1970-07-21T00:00:01.996434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 18851.169811320753
Detected event residuals: 1.4154623320193294e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 128611
Time of highest point in 10-min moving average (seconds): 19412.98113207547
No description has been provided for this image
Highest point in the -5000 index range:
Index: 125034
Time (seconds): 18873.056603773584
Amplitude: 6.096662255142844e-16
No description has been provided for this image
orginal time:  18360.0
Detected event time (seconds): 18231.69811320755
Detected event residual: 5.274583505973188e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-07-20T00:00:00.487000Z - 1970-07-21T00:00:01.996434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-07-20T00:00:00.487000Z
         endtime: 1970-07-21T00:00:01.996434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 18851.169811320753
Detected event residuals: 1.4154623320193294e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 128611
Time of highest point in 10-min moving average (seconds): 19412.98113207547
No description has been provided for this image
Highest point in the -5000 index range:
Index: 125034
Time (seconds): 18873.056603773584
Amplitude: 6.096662255142844e-16
No description has been provided for this image
orginal time:  42240.0
Detected event time (seconds): 18231.69811320755
Detected event residual: 5.274583505973188e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-09-26T00:00:00.149000Z - 1970-09-27T00:00:03.469755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-09-26T00:00:00.149000Z
         endtime: 1970-09-27T00:00:03.469755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 24853.584905660377
Detected event residuals: 1.4345374328265688e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 483207
Time of highest point in 10-min moving average (seconds): 72936.90566037736
No description has been provided for this image
Highest point in the -5000 index range:
Index: 482543
Time (seconds): 72836.67924528301
Amplitude: 2.3228351272016764e-17
No description has been provided for this image
orginal time:  71820.0
Detected event time (seconds): 72082.11320754717
Detected event residual: 3.899021660419802e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-10-24T00:00:00.504000Z - 1970-10-25T00:00:03.371925Z | 6.6 Hz, 572420 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-10-24T00:00:00.504000Z
         endtime: 1970-10-25T00:00:03.371925Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572420
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 62266.41509433962
Detected event residuals: 5.164929497155825e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 416125
Time of highest point in 10-min moving average (seconds): 62811.32075471698
No description has been provided for this image
Highest point in the -5000 index range:
Index: 412515
Time (seconds): 62266.41509433962
Amplitude: 5.164929497155825e-16
No description has been provided for this image
orginal time:  41460.0
Detected event time (seconds): 61801.20754716981
Detected event residual: 4.788348932398674e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-11-12T00:00:00.700000Z - 1970-11-13T00:00:02.209434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-11-12T00:00:00.700000Z
         endtime: 1970-11-13T00:00:02.209434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 46723.92452830189
Detected event residuals: 2.1003945761183262e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 313166
Time of highest point in 10-min moving average (seconds): 47270.339622641506
No description has been provided for this image
Highest point in the -5000 index range:
Index: 310390
Time (seconds): 46851.32075471698
Amplitude: 4.119188131622962e-17
No description has been provided for this image
orginal time:  46200.0
Detected event time (seconds): 46101.28301886792
Detected event residual: 7.037021732927502e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-12-11T00:00:00.326000Z - 1970-12-12T00:00:02.439208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-12-11T00:00:00.326000Z
         endtime: 1970-12-12T00:00:02.439208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 27195.924528301886
Detected event residuals: 8.543224686597113e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 183734
Time of highest point in 10-min moving average (seconds): 27733.43396226415
No description has been provided for this image
Highest point in the -5000 index range:
Index: 180511
Time (seconds): 27246.943396226416
Amplitude: 1.9649574273079102e-17
No description has been provided for this image
orginal time:  26520.0
Detected event time (seconds): 26644.830188679247
Detected event residual: 4.1408355340832493e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-12-27T00:00:00.517000Z - 1970-12-28T00:00:03.837755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-12-27T00:00:00.517000Z
         endtime: 1970-12-28T00:00:03.837755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 74269.7358490566
Detected event residuals: 1.3139269501231872e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 495505
Time of highest point in 10-min moving average (seconds): 74793.2075471698
No description has been provided for this image
Highest point in the -5000 index range:
Index: 494330
Time (seconds): 74615.84905660378
Amplitude: 4.6453203924379094e-17
No description has been provided for this image
orginal time:  74040.0
Detected event time (seconds): 73861.58490566038
Detected event residual: 2.681252668840674e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1970-12-31T00:00:00.339000Z - 1971-01-01T00:00:01.848434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1970-12-31T00:00:00.339000Z
         endtime: 1971-01-01T00:00:01.848434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 55912.0
Detected event residuals: 1.3903312598261731e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 370971
Time of highest point in 10-min moving average (seconds): 55995.622641509435
No description has been provided for this image
Highest point in the -5000 index range:
Index: 370609
Time (seconds): 55940.981132075474
Amplitude: 4.4260602113749353e-16
No description has been provided for this image
orginal time:  56460.0
Detected event time (seconds): 55196.52830188679
Detected event residual: 2.1639967178196738e-19
No description has been provided for this image
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-01-15T00:00:00.258000Z - 1971-01-16T00:00:01.767434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-01-15T00:00:00.258000Z
         endtime: 1971-01-16T00:00:01.767434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
No description has been provided for this image
Detected event times (seconds): 46060.52830188679
Detected event residuals: 2.0351605113713576e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 310795
Time of highest point in 10-min moving average (seconds): 46912.45283018868
No description has been provided for this image
Highest point in the -5000 index range:
Index: 310426
Time (seconds): 46856.75471698113
Amplitude: 3.6321729847842475e-17
No description has been provided for this image
orginal time:  45600.0
Detected event time (seconds): 46102.188679245286
Detected event residual: 7.554041902154724e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-01-28T00:00:00.234000Z - 1971-01-29T00:00:03.554755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-01-28T00:00:00.234000Z
         endtime: 1971-01-29T00:00:03.554755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 43102.188679245286
Detected event residuals: 8.178444973073947e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 288600
Time of highest point in 10-min moving average (seconds): 43562.264150943396
No description has been provided for this image
Highest point in the -5000 index range:
Index: 285566
Time (seconds): 43104.301886792455
Amplitude: 4.493093181778756e-15
No description has been provided for this image
orginal time:  53940.0
Detected event time (seconds): 43058.71698113208
Detected event residual: 1.8145269389609254e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-01-29T00:00:00.194000Z - 1971-01-30T00:00:03.514755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-01-29T00:00:00.194000Z
         endtime: 1971-01-30T00:00:03.514755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 56007.24528301887
Detected event residuals: 1.6162793890508816e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 371481
Time of highest point in 10-min moving average (seconds): 56072.6037735849
No description has been provided for this image
Highest point in the -5000 index range:
Index: 371355
Time (seconds): 56053.58490566038
Amplitude: 2.1090907130025417e-16
No description has been provided for this image
orginal time:  66060.0
Detected event time (seconds): 55300.67924528302
Detected event residual: 3.020082939329609e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-02-09T00:00:00.179000Z - 1971-02-10T00:00:01.688434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-02-09T00:00:00.179000Z
         endtime: 1971-02-10T00:00:01.688434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 13808.754716981131
Detected event residuals: 1.3729110608613031e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 95363
Time of highest point in 10-min moving average (seconds): 14394.415094339623
No description has been provided for this image
Highest point in the -5000 index range:
Index: 95163
Time (seconds): 14364.22641509434
Amplitude: 1.684842737492258e-17
No description has been provided for this image
orginal time:  13320.0
Detected event time (seconds): 13609.66037735849
Detected event residual: 3.908003429309424e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-03-25T00:00:00.151000Z - 1971-03-26T00:00:04.075528Z | 6.6 Hz, 572427 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-03-25T00:00:00.151000Z
         endtime: 1971-03-26T00:00:04.075528Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572427
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 55714.11320754717
Detected event residuals: 8.710031066158808e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 373678
Time of highest point in 10-min moving average (seconds): 56404.22641509434
No description has been provided for this image
Highest point in the -5000 index range:
Index: 373476
Time (seconds): 56373.735849056604
Amplitude: 1.7020826470722094e-17
No description has been provided for this image
orginal time:  55080.0
Detected event time (seconds): 55619.16981132075
Detected event residual: 5.370606495455619e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-04-13T02:42:48.990062Z - 1971-04-13T22:37:34.122137Z | 6.6 Hz, 474915 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-04-13T02:42:48.990062Z
         endtime: 1971-04-13T22:37:34.122137Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 474915
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 943, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 3862528})
No description has been provided for this image
Detected event times (seconds): 37598.188679245286
Detected event residuals: 2.2107272261448244e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 252297
Time of highest point in 10-min moving average (seconds): 38082.56603773585
No description has been provided for this image
Highest point in the -5000 index range:
Index: 248201
Time (seconds): 37464.301886792455
Amplitude: 2.98845056634371e-16
No description has been provided for this image
orginal time:  46500.0
Detected event time (seconds): 36830.188679245286
Detected event residual: 6.569772372314988e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-04-17T00:00:00.387000Z - 1971-04-18T00:00:02.953038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-04-17T00:00:00.387000Z
         endtime: 1971-04-18T00:00:02.953038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 25800.754716981133
Detected event residuals: 2.6442576441021964e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 174693
Time of highest point in 10-min moving average (seconds): 26368.754716981133
No description has been provided for this image
Highest point in the -5000 index range:
Index: 171133
Time (seconds): 25831.396226415094
Amplitude: 1.4953307403461688e-15
No description has been provided for this image
orginal time:  25440.0
Detected event time (seconds): 25510.943396226416
Detected event residual: 1.151143247995955e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-05-12T00:00:00.712000Z - 1971-05-13T00:00:01.617660Z | 6.6 Hz, 572407 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-05-12T00:00:00.712000Z
         endtime: 1971-05-13T00:00:01.617660Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572407
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 29346.716981132075
Detected event residuals: 4.45996319398634e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 239351
Time of highest point in 10-min moving average (seconds): 36128.45283018868
No description has been provided for this image
Highest point in the -5000 index range:
Index: 235935
Time (seconds): 35612.83018867925
Amplitude: 9.318997525376123e-17
No description has been provided for this image
orginal time:  29100.0
Detected event time (seconds): 34859.018867924526
Detected event residual: 3.1261621545407347e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-05-12T00:00:00.712000Z - 1971-05-13T00:00:01.617660Z | 6.6 Hz, 572407 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-05-12T00:00:00.712000Z
         endtime: 1971-05-13T00:00:01.617660Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572407
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 29346.716981132075
Detected event residuals: 4.45996319398634e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 239351
Time of highest point in 10-min moving average (seconds): 36128.45283018868
No description has been provided for this image
Highest point in the -5000 index range:
Index: 235935
Time (seconds): 35612.83018867925
Amplitude: 9.318997525376123e-17
No description has been provided for this image
orginal time:  35100.0
Detected event time (seconds): 34859.018867924526
Detected event residual: 3.1261621545407347e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-05-13T00:00:00.183000Z - 1971-05-14T00:00:01.692434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-05-13T00:00:00.183000Z
         endtime: 1971-05-14T00:00:01.692434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 11254.490566037735
Detected event residuals: 5.7196134412477925e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 78014
Time of highest point in 10-min moving average (seconds): 11775.698113207547
No description has been provided for this image
Highest point in the -5000 index range:
Index: 75650
Time (seconds): 11418.867924528302
Amplitude: 8.711168128483929e-18
No description has been provided for this image
orginal time:  10800.0
Detected event time (seconds): 10664.301886792453
Detected event residual: 6.548293206528703e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-05-23T00:00:00.502000Z - 1971-05-24T00:00:03.822755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-05-23T00:00:00.502000Z
         endtime: 1971-05-24T00:00:03.822755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 80560.0
Detected event residuals: 1.0689718781510602e-14
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 538401
Time of highest point in 10-min moving average (seconds): 81268.07547169812
No description has been provided for this image
Highest point in the -5000 index range:
Index: 534644
Time (seconds): 80700.98113207547
Amplitude: 2.7456020323251184e-14
No description has been provided for this image
orginal time:  80400.0
Detected event time (seconds): 80448.60377358491
Detected event residual: 3.729222048239978e-17
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-06-12T00:00:00.529000Z - 1971-06-13T00:00:03.095038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-06-12T00:00:00.529000Z
         endtime: 1971-06-13T00:00:03.095038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 39366.339622641506
Detected event residuals: 1.2270607042673141e-14
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 264967
Time of highest point in 10-min moving average (seconds): 39995.018867924526
No description has been provided for this image
Highest point in the -5000 index range:
Index: 261811
Time (seconds): 39518.64150943396
Amplitude: 2.6288297415645262e-14
No description has been provided for this image
orginal time:  39060.0
Detected event time (seconds): 39152.15094339623
Detected event residual: 4.075341514230001e-17
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-09-25T00:00:00.576000Z - 1971-09-26T00:00:00.274113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-09-25T00:00:00.576000Z
         endtime: 1971-09-26T00:00:00.274113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 32633.962264150945
Detected event residuals: 3.0936414524414546e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 219898
Time of highest point in 10-min moving average (seconds): 33192.15094339623
No description has been provided for this image
Highest point in the -5000 index range:
Index: 216456
Time (seconds): 32672.603773584906
Amplitude: 7.00085564245242e-18
No description has been provided for this image
orginal time:  32220.0
Detected event time (seconds): 31918.943396226416
Detected event residual: 2.4765888038677056e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-10-18T00:00:00.417000Z - 1971-10-19T00:00:00.115113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-10-18T00:00:00.417000Z
         endtime: 1971-10-19T00:00:00.115113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 55917.43396226415
Detected event residuals: 1.0486438756771348e-15
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 371405
Time of highest point in 10-min moving average (seconds): 56061.1320754717
No description has been provided for this image
Highest point in the -5000 index range:
Index: 370471
Time (seconds): 55920.15094339623
Amplitude: 2.027447593173449e-15
No description has been provided for this image
orginal time:  11940.0
Detected event time (seconds): 55884.07547169811
Detected event residual: 2.0934273272038725e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-10-20T00:00:00.425000Z - 1971-10-21T00:00:00.123113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-10-20T00:00:00.425000Z
         endtime: 1971-10-21T00:00:00.123113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 65687.69811320755
Detected event residuals: 1.617099706718637e-15
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 439056
Time of highest point in 10-min moving average (seconds): 66272.60377358491
No description has been provided for this image
Highest point in the -5000 index range:
Index: 435746
Time (seconds): 65772.98113207547
Amplitude: 4.9687006239250795e-15
No description has been provided for this image
orginal time:  65280.0
Detected event time (seconds): 65318.188679245286
Detected event residual: 4.434888416796508e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-10-31T00:00:00.420000Z - 1971-11-01T00:00:02.986038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-10-31T00:00:00.420000Z
         endtime: 1971-11-01T00:00:02.986038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 20226.415094339623
Detected event residuals: 2.0304204751747247e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 140341
Time of highest point in 10-min moving average (seconds): 21183.54716981132
No description has been provided for this image
Highest point in the -5000 index range:
Index: 137954
Time (seconds): 20823.245283018867
Amplitude: 5.3285892782058103e-17
No description has been provided for this image
orginal time:  19800.0
Detected event time (seconds): 20068.830188679247
Detected event residual: 1.2929644275178605e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1971-11-14T00:00:00.602000Z - 1971-11-15T00:00:00.300113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1971-11-14T00:00:00.602000Z
         endtime: 1971-11-15T00:00:00.300113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 15937.207547169812
Detected event residuals: 6.61328589546357e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 109644
Time of highest point in 10-min moving average (seconds): 16550.037735849055
No description has been provided for this image
Highest point in the -5000 index range:
Index: 105806
Time (seconds): 15970.716981132075
Amplitude: 1.0874884274029525e-17
No description has been provided for this image
orginal time:  15420.0
Detected event time (seconds): 15216.150943396226
Detected event residual: 2.4306269105909846e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-01-04T00:00:00.117000Z - 1972-01-05T00:00:02.683038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-01-04T00:00:00.117000Z
         endtime: 1972-01-05T00:00:02.683038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 57476.52830188679
Detected event residuals: 5.777131887910961e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 164361
Time of highest point in 10-min moving average (seconds): 24809.20754716981
No description has been provided for this image
Highest point in the -5000 index range:
Index: 162355
Time (seconds): 24506.415094339623
Amplitude: 2.8341000950369606e-17
No description has been provided for this image
orginal time:  23700.0
Detected event time (seconds): 23761.66037735849
Detected event residual: 1.4549260014859454e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-03-12T00:00:00.417000Z - 1972-03-13T00:00:00.115113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-03-12T00:00:00.417000Z
         endtime: 1972-03-13T00:00:00.115113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 65099.32075471698
Detected event residuals: 5.356287526304293e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 435249
Time of highest point in 10-min moving average (seconds): 65697.96226415095
No description has been provided for this image
Highest point in the -5000 index range:
Index: 434707
Time (seconds): 65616.15094339622
Amplitude: 1.1509238989804127e-17
No description has been provided for this image
orginal time:  64800.0
Detected event time (seconds): 64863.09433962264
Detected event residual: 9.497512340828528e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-05-11T00:00:00.576000Z - 1972-05-12T00:00:00.274113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-05-11T00:00:00.576000Z
         endtime: 1972-05-12T00:00:00.274113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 77531.32075471699
Detected event residuals: 6.126961982312215e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 330830
Time of highest point in 10-min moving average (seconds): 49936.6037735849
No description has been provided for this image
Highest point in the -5000 index range:
Index: 327862
Time (seconds): 49488.6037735849
Amplitude: 6.733699259631528e-17
No description has been provided for this image
orginal time:  48900.0
Detected event time (seconds): 48892.377358490565
Detected event residual: 3.1662721089712053e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-06-16T00:00:00.116000Z - 1972-06-16T23:59:59.814113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-06-16T00:00:00.116000Z
         endtime: 1972-06-16T23:59:59.814113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 58882.11320754717
Detected event residuals: 8.896704559055499e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 393635
Time of highest point in 10-min moving average (seconds): 59416.6037735849
No description has been provided for this image
Highest point in the -5000 index range:
Index: 393170
Time (seconds): 59346.41509433962
Amplitude: 1.717947464990343e-17
No description has been provided for this image
orginal time:  58260.0
Detected event time (seconds): 58591.84905660377
Detected event residual: 1.1950118152067223e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-07-17T00:00:00.184000Z - 1972-07-17T23:59:59.882113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-07-17T00:00:00.184000Z
         endtime: 1972-07-17T23:59:59.882113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 79911.39622641509
Detected event residuals: 6.377576469235398e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 533222
Time of highest point in 10-min moving average (seconds): 80486.3396226415
No description has been provided for this image
Highest point in the -5000 index range:
Index: 529513
Time (seconds): 79926.49056603774
Amplitude: 1.5383392668304245e-15
No description has been provided for this image
orginal time:  28200.0
Detected event time (seconds): 79175.54716981133
Detected event residual: 2.298163688746815e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-07-17T00:00:00.184000Z - 1972-07-17T23:59:59.882113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-07-17T00:00:00.184000Z
         endtime: 1972-07-17T23:59:59.882113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 79911.39622641509
Detected event residuals: 6.377576469235398e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 533222
Time of highest point in 10-min moving average (seconds): 80486.3396226415
No description has been provided for this image
Highest point in the -5000 index range:
Index: 529513
Time (seconds): 79926.49056603774
Amplitude: 1.5383392668304245e-15
No description has been provided for this image
orginal time:  78960.0
Detected event time (seconds): 79175.54716981133
Detected event residual: 2.298163688746815e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-07-28T00:00:00.136000Z - 1972-07-29T00:00:02.702038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-07-28T00:00:00.136000Z
         endtime: 1972-07-29T00:00:02.702038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 9053.735849056604
Detected event residuals: 6.404495715923544e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 63729
Time of highest point in 10-min moving average (seconds): 9619.471698113208
No description has been provided for this image
Highest point in the -5000 index range:
Index: 61632
Time (seconds): 9302.943396226416
Amplitude: 1.7401820114295507e-17
No description has been provided for this image
orginal time:  8580.0
Detected event time (seconds): 8549.584905660377
Detected event residual: 5.1716119083593136e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-07-31T00:00:00.622000Z - 1972-08-01T00:00:02.735208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-07-31T00:00:00.622000Z
         endtime: 1972-08-01T00:00:02.735208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 65862.49056603774
Detected event residuals: 4.4040419166122736e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 440301
Time of highest point in 10-min moving average (seconds): 66460.52830188679
No description has been provided for this image
Highest point in the -5000 index range:
Index: 436696
Time (seconds): 65916.37735849057
Amplitude: 9.329101445347509e-17
No description has been provided for this image
orginal time:  65280.0
Detected event time (seconds): 65185.35849056604
Detected event residual: 1.9233322739015029e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-12-02T00:00:00.439000Z - 1972-12-03T00:00:00.137113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-12-02T00:00:00.439000Z
         endtime: 1972-12-03T00:00:00.137113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 29421.735849056604
Detected event residuals: 9.697085119605106e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 197161
Time of highest point in 10-min moving average (seconds): 29760.150943396227
No description has been provided for this image
Highest point in the -5000 index range:
Index: 194919
Time (seconds): 29421.735849056604
Amplitude: 9.697085119605106e-18
No description has been provided for this image
orginal time:  28680.0
Detected event time (seconds): 28667.169811320753
Detected event residual: 9.847876008151719e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1972-12-03T00:00:00.552000Z - 1972-12-04T00:00:00.250113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1972-12-03T00:00:00.552000Z
         endtime: 1972-12-04T00:00:00.250113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 9954.11320754717
Detected event residuals: 5.7044572251989146e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 69602
Time of highest point in 10-min moving average (seconds): 10505.962264150943
No description has been provided for this image
Highest point in the -5000 index range:
Index: 67753
Time (seconds): 10226.867924528302
Amplitude: 9.692141845759599e-18
No description has been provided for this image
orginal time:  9480.0
Detected event time (seconds): 9472.452830188678
Detected event residual: 1.7622587471900803e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-01-18T00:00:00.662000Z - 1973-01-19T00:00:02.775208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-01-18T00:00:00.662000Z
         endtime: 1973-01-19T00:00:02.775208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 83302.7924528302
Detected event residuals: 3.802685635859065e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 555502
Time of highest point in 10-min moving average (seconds): 83849.35849056604
No description has been provided for this image
Highest point in the -5000 index range:
Index: 553447
Time (seconds): 83539.16981132075
Amplitude: 4.599703241846619e-18
No description has been provided for this image
orginal time:  82860.0
Detected event time (seconds): 82784.60377358491
Detected event residual: 5.870517175439875e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-01-31T00:00:00.595000Z - 1973-01-31T23:59:59.689340Z | 6.6 Hz, 572395 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-01-31T00:00:00.595000Z
         endtime: 1973-01-31T23:59:59.689340Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572395
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 3114.7169811320755
Detected event residuals: 2.6768060355040197e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 24569
Time of highest point in 10-min moving average (seconds): 3708.5283018867926
No description has been provided for this image
Highest point in the -5000 index range:
Index: 21567
Time (seconds): 3255.396226415094
Amplitude: 5.356416234750704e-18
No description has been provided for this image
orginal time:  2640.0
Detected event time (seconds): 2500.830188679245
Detected event residual: 9.704788825398671e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-03-01T00:00:00.345000Z - 1973-03-02T00:00:00.043113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-03-01T00:00:00.345000Z
         endtime: 1973-03-02T00:00:00.043113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 26283.471698113208
Detected event residuals: 2.7514860709770145e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 177733
Time of highest point in 10-min moving average (seconds): 26827.622641509435
No description has been provided for this image
Highest point in the -5000 index range:
Index: 174772
Time (seconds): 26380.67924528302
Amplitude: 4.613848126633434e-18
No description has been provided for this image
orginal time:  26100.0
Detected event time (seconds): 25626.11320754717
Detected event residual: 9.590028179198623e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-03-13T00:00:00.472000Z - 1973-03-13T14:21:20.019170Z | 6.6 Hz, 342378 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-03-13T00:00:00.472000Z
         endtime: 1973-03-13T14:21:20.019170Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 342378
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 680, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 2785280})
No description has been provided for this image
Detected event times (seconds): 29180.67924528302
Detected event residuals: 3.701235137867376e-15
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 196939
Time of highest point in 10-min moving average (seconds): 29726.64150943396
No description has been provided for this image
Highest point in the -5000 index range:
Index: 193836
Time (seconds): 29258.264150943396
Amplitude: 1.0768339150591113e-14
No description has been provided for this image
orginal time:  28860.0
Detected event time (seconds): 28915.77358490566
Detected event residual: 2.6905968587551684e-17
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-03-24T00:00:00.606000Z - 1973-03-24T23:59:39.775811Z | 6.6 Hz, 572263 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-03-24T00:00:00.606000Z
         endtime: 1973-03-24T23:59:39.775811Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572263
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 70095.24528301887
Detected event residuals: 1.1635715008506733e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 468807
Time of highest point in 10-min moving average (seconds): 70763.32075471699
No description has been provided for this image
Highest point in the -5000 index range:
Index: 467484
Time (seconds): 70563.62264150943
Amplitude: 2.050171352981201e-17
No description has been provided for this image
orginal time:  69780.0
Detected event time (seconds): 69809.05660377358
Detected event residual: 1.217710199661949e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-05-14T00:00:00.397000Z - 1973-05-15T00:00:02.510208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-05-14T00:00:00.397000Z
         endtime: 1973-05-15T00:00:02.510208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 2737.811320754717
Detected event residuals: 1.1998871332552016e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 21936
Time of highest point in 10-min moving average (seconds): 3311.0943396226417
No description has been provided for this image
Highest point in the -5000 index range:
Index: 18365
Time (seconds): 2772.0754716981132
Amplitude: 3.891129160533077e-17
No description has been provided for this image
orginal time:  2640.0
Detected event time (seconds): 2512.4528301886794
Detected event residual: 2.9696542500300993e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-06-05T00:00:00.300000Z - 1973-06-05T23:59:59.394340Z | 6.6 Hz, 572395 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-06-05T00:00:00.300000Z
         endtime: 1973-06-05T23:59:59.394340Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572395
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 10844.075471698114
Detected event residuals: 5.3468419642151364e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 271544
Time of highest point in 10-min moving average (seconds): 40987.77358490566
No description has been provided for this image
Highest point in the -5000 index range:
Index: 268027
Time (seconds): 40456.90566037736
Amplitude: 1.368710475656338e-17
No description has been provided for this image
orginal time:  9480.0
Detected event time (seconds): 39714.264150943396
Detected event residual: 7.826839444733845e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-06-05T00:00:00.300000Z - 1973-06-05T23:59:59.394340Z | 6.6 Hz, 572395 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-06-05T00:00:00.300000Z
         endtime: 1973-06-05T23:59:59.394340Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572395
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 10844.075471698114
Detected event residuals: 5.3468419642151364e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 271544
Time of highest point in 10-min moving average (seconds): 40987.77358490566
No description has been provided for this image
Highest point in the -5000 index range:
Index: 268027
Time (seconds): 40456.90566037736
Amplitude: 1.368710475656338e-17
No description has been provided for this image
orginal time:  40200.0
Detected event time (seconds): 39714.264150943396
Detected event residual: 7.826839444733845e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-06-18T00:00:00.132000Z - 1973-06-19T00:00:02.698038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-06-18T00:00:00.132000Z
         endtime: 1973-06-19T00:00:02.698038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 6483.471698113208
Detected event residuals: 5.745167460021903e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 46903
Time of highest point in 10-min moving average (seconds): 7079.698113207547
No description has been provided for this image
Highest point in the -5000 index range:
Index: 46883
Time (seconds): 7076.679245283019
Amplitude: 1.0017691261108385e-17
No description has been provided for this image
orginal time:  6120.0
Detected event time (seconds): 6322.264150943396
Detected event residual: 1.030603591195014e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-06-27T00:00:00.230000Z - 1973-06-27T23:59:59.928113Z | 6.6 Hz, 572399 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-06-27T00:00:00.230000Z
         endtime: 1973-06-27T23:59:59.928113Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572399
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 67622.18867924529
Detected event residuals: 7.375303211071862e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 452520
Time of highest point in 10-min moving average (seconds): 68304.90566037736
No description has been provided for this image
Highest point in the -5000 index range:
Index: 451022
Time (seconds): 68078.7924528302
Amplitude: 8.76437335605333e-18
No description has been provided for this image
orginal time:  66960.0
Detected event time (seconds): 67324.37735849057
Detected event residual: 4.3033142106701006e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-07-03T00:00:00.532000Z - 1973-07-03T23:59:59.626340Z | 6.6 Hz, 572395 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-07-03T00:00:00.532000Z
         endtime: 1973-07-03T23:59:59.626340Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572395
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 66157.7358490566
Detected event residuals: 9.317164884955399e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 443173
Time of highest point in 10-min moving average (seconds): 66894.03773584905
No description has been provided for this image
Highest point in the -5000 index range:
Index: 439362
Time (seconds): 66318.7924528302
Amplitude: 1.3612818665672265e-17
No description has been provided for this image
orginal time:  65700.0
Detected event time (seconds): 65723.01886792453
Detected event residual: 3.4271584971745174e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-07-04T00:00:00.544000Z - 1973-07-04T23:59:59.638340Z | 6.6 Hz, 572395 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-07-04T00:00:00.544000Z
         endtime: 1973-07-04T23:59:59.638340Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572395
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 10774.943396226416
Detected event residuals: 7.041448707289521e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 75176
Time of highest point in 10-min moving average (seconds): 11347.32075471698
No description has been provided for this image
Highest point in the -5000 index range:
Index: 71384
Time (seconds): 10774.943396226416
Amplitude: 7.041448707289521e-18
No description has been provided for this image
orginal time:  9960.0
Detected event time (seconds): 10020.67924528302
Detected event residual: 2.4887957047999402e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-07-20T00:00:00.308000Z - 1973-07-21T00:00:02.874038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-07-20T00:00:00.308000Z
         endtime: 1973-07-21T00:00:02.874038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 68682.2641509434
Detected event residuals: 3.13074965280517e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 458397
Time of highest point in 10-min moving average (seconds): 69192.0
No description has been provided for this image
Highest point in the -5000 index range:
Index: 455381
Time (seconds): 68736.75471698113
Amplitude: 8.236625927131557e-18
No description has been provided for this image
orginal time:  68520.0
Detected event time (seconds): 67982.18867924529
Detected event residual: 3.054324236881792e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-07-28T00:00:00.275000Z - 1973-07-28T23:59:59.369340Z | 6.6 Hz, 572395 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-07-28T00:00:00.275000Z
         endtime: 1973-07-28T23:59:59.369340Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572395
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 3288.301886792453
Detected event residuals: 1.2742129336390595e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 25357
Time of highest point in 10-min moving average (seconds): 3827.4716981132074
No description has been provided for this image
Highest point in the -5000 index range:
Index: 22030
Time (seconds): 3325.2830188679245
Amplitude: 7.003202904101823e-16
No description has been provided for this image
orginal time:  3120.0
Detected event time (seconds): 3056.0
Detected event residual: 4.415442589960071e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-07-29T00:00:00.262000Z - 1973-07-29T23:59:59.356340Z | 6.6 Hz, 572395 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-07-29T00:00:00.262000Z
         endtime: 1973-07-29T23:59:59.356340Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572395
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 84949.43396226416
Detected event residuals: 2.5372674758619033e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 565816
Time of highest point in 10-min moving average (seconds): 85406.18867924529
No description has been provided for this image
Highest point in the -5000 index range:
Index: 563177
Time (seconds): 85007.84905660378
Amplitude: 4.436141068866427e-18
No description has been provided for this image
orginal time:  84660.0
Detected event time (seconds): 84253.28301886792
Detected event residual: 7.189356900579165e-21
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1973-08-21T00:00:00.652000Z - 1973-08-22T00:00:02.161434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1973-08-21T00:00:00.652000Z
         endtime: 1973-08-22T00:00:02.161434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 44794.264150943396
Detected event residuals: 2.4568817610609905e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 300724
Time of highest point in 10-min moving average (seconds): 45392.301886792455
No description has been provided for this image
Highest point in the -5000 index range:
Index: 297593
Time (seconds): 44919.698113207545
Amplitude: 3.88802010264948e-17
No description has been provided for this image
orginal time:  44220.0
Detected event time (seconds): 44165.1320754717
Detected event residual: 8.513259290131184e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-01-10T00:00:00.229000Z - 1974-01-11T00:00:02.795038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-01-10T00:00:00.229000Z
         endtime: 1974-01-11T00:00:02.795038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 49994.8679245283
Detected event residuals: 1.8446525708310494e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 563667
Time of highest point in 10-min moving average (seconds): 85081.81132075471
No description has been provided for this image
Highest point in the -5000 index range:
Index: 560006
Time (seconds): 84529.2075471698
Amplitude: 1.1127071682841363e-17
No description has been provided for this image
orginal time:  84060.0
Detected event time (seconds): 83774.64150943396
Detected event residual: 1.297889002885248e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-02-07T00:00:00.354000Z - 1974-02-08T00:00:02.920038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-02-07T00:00:00.354000Z
         endtime: 1974-02-08T00:00:02.920038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 23244.67924528302
Detected event residuals: 2.326340515676874e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 157876
Time of highest point in 10-min moving average (seconds): 23830.33962264151
No description has been provided for this image
Highest point in the -5000 index range:
Index: 154441
Time (seconds): 23311.849056603773
Amplitude: 7.421600275054006e-17
No description has been provided for this image
orginal time:  22860.0
Detected event time (seconds): 22559.094339622643
Detected event residual: 1.1980110904100226e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-02-12T00:00:00.400000Z - 1974-02-13T00:00:02.513208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-02-12T00:00:00.400000Z
         endtime: 1974-02-13T00:00:02.513208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 81231.09433962264
Detected event residuals: 2.9109049733067123e-16
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 541375
Time of highest point in 10-min moving average (seconds): 81716.98113207547
No description has been provided for this image
Highest point in the -5000 index range:
Index: 539104
Time (seconds): 81374.18867924529
Amplitude: 1.8751986934002165e-15
No description has been provided for this image
orginal time:  81000.0
Detected event time (seconds): 81077.88679245283
Detected event residual: 1.2593735899109758e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-03-25T00:00:00.598000Z - 1974-03-25T23:59:58.937623Z | 6.6 Hz, 572390 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-03-25T00:00:00.598000Z
         endtime: 1974-03-25T23:59:58.937623Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572390
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 61883.16981132075
Detected event residuals: 4.528864030256006e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 412909
Time of highest point in 10-min moving average (seconds): 62325.88679245283
No description has been provided for this image
Highest point in the -5000 index range:
Index: 410532
Time (seconds): 61967.09433962264
Amplitude: 1.408504990134026e-17
No description has been provided for this image
orginal time:  61080.0
Detected event time (seconds): 61221.58490566038
Detected event residual: 2.059659857349614e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-04-08T00:00:00.534000Z - 1974-04-09T00:00:02.043434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-04-08T00:00:00.534000Z
         endtime: 1974-04-09T00:00:02.043434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 31444.22641509434
Detected event residuals: 4.537957662973536e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 213508
Time of highest point in 10-min moving average (seconds): 32227.622641509435
No description has been provided for this image
Highest point in the -5000 index range:
Index: 213407
Time (seconds): 32212.377358490565
Amplitude: 8.820755712789942e-18
No description has been provided for this image
orginal time:  31200.0
Detected event time (seconds): 31457.962264150945
Detected event residual: 2.226707188293006e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-04-19T00:00:00.568000Z - 1974-04-19T23:59:58.303849Z | 6.6 Hz, 572386 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-04-19T00:00:00.568000Z
         endtime: 1974-04-19T23:59:58.303849Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572386
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 66918.7924528302
Detected event residuals: 5.038799396062889e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 447128
Time of highest point in 10-min moving average (seconds): 67491.01886792453
No description has been provided for this image
Highest point in the -5000 index range:
Index: 446204
Time (seconds): 67351.54716981133
Amplitude: 7.995565650850867e-17
No description has been provided for this image
orginal time:  66840.0
Detected event time (seconds): 66680.75471698113
Detected event residual: 2.0698689928454902e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-04-26T00:00:00.349000Z - 1974-04-26T23:59:58.084849Z | 6.6 Hz, 572386 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-04-26T00:00:00.349000Z
         endtime: 1974-04-26T23:59:58.084849Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572386
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 33708.67924528302
Detected event residuals: 4.949397720144866e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 226833
Time of highest point in 10-min moving average (seconds): 34238.943396226416
No description has been provided for this image
Highest point in the -5000 index range:
Index: 223581
Time (seconds): 33748.07547169811
Amplitude: 1.0338991585219912e-17
No description has been provided for this image
orginal time:  33480.0
Detected event time (seconds): 32993.50943396227
Detected event residual: 1.793319498161352e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-04-27T00:00:00.646000Z - 1974-04-27T23:59:57.929019Z | 6.6 Hz, 572383 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-04-27T00:00:00.646000Z
         endtime: 1974-04-27T23:59:57.929019Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572383
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 52258.71698113208
Detected event residuals: 3.5647840129403254e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 348771
Time of highest point in 10-min moving average (seconds): 52644.67924528302
No description has been provided for this image
Highest point in the -5000 index range:
Index: 346549
Time (seconds): 52309.28301886792
Amplitude: 5.487686310937892e-18
No description has been provided for this image
orginal time:  51480.0
Detected event time (seconds): 51554.8679245283
Detected event residual: 1.847056002166921e-19
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-06-25T00:00:00.524000Z - 1974-06-26T00:00:03.844755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-06-25T00:00:00.524000Z
         endtime: 1974-06-26T00:00:03.844755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 2031.5471698113208
Detected event residuals: 5.033981921464435e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 16731
Time of highest point in 10-min moving average (seconds): 2525.433962264151
No description has been provided for this image
Highest point in the -5000 index range:
Index: 13924
Time (seconds): 2101.735849056604
Amplitude: 1.147732518086511e-17
No description has been provided for this image
orginal time:  1380.0
Detected event time (seconds): 1349.132075471698
Detected event residual: 2.0402909471950825e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-07-06T00:00:00.193000Z - 1974-07-07T00:00:01.702434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-07-06T00:00:00.193000Z
         endtime: 1974-07-07T00:00:01.702434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 11166.641509433963
Detected event residuals: 1.3463819292687975e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 77347
Time of highest point in 10-min moving average (seconds): 11675.018867924528
No description has been provided for this image
Highest point in the -5000 index range:
Index: 75760
Time (seconds): 11435.471698113208
Amplitude: 2.185205227091583e-17
No description has been provided for this image
orginal time:  10620.0
Detected event time (seconds): 10681.056603773584
Detected event residual: 5.16585895853001e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-07-06T00:00:00.193000Z - 1974-07-07T00:00:01.702434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-07-06T00:00:00.193000Z
         endtime: 1974-07-07T00:00:01.702434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 11166.641509433963
Detected event residuals: 1.3463819292687975e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 77347
Time of highest point in 10-min moving average (seconds): 11675.018867924528
No description has been provided for this image
Highest point in the -5000 index range:
Index: 75760
Time (seconds): 11435.471698113208
Amplitude: 2.185205227091583e-17
No description has been provided for this image
orginal time:  51240.0
Detected event time (seconds): 10681.056603773584
Detected event residual: 5.16585895853001e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-07-11T00:00:00.359000Z - 1974-07-12T00:00:02.472208Z | 6.6 Hz, 572415 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-07-11T00:00:00.359000Z
         endtime: 1974-07-12T00:00:02.472208Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572415
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 3604.377358490566
Detected event residuals: 1.815075357448336e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 27525
Time of highest point in 10-min moving average (seconds): 4154.7169811320755
No description has been provided for this image
Highest point in the -5000 index range:
Index: 23930
Time (seconds): 3612.0754716981132
Amplitude: 4.197089552784259e-17
No description has been provided for this image
orginal time:  3120.0
Detected event time (seconds): 2940.9811320754716
Detected event residual: 7.923942681605925e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-07-17T00:00:00.226000Z - 1974-07-18T00:00:03.546755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-07-17T00:00:00.226000Z
         endtime: 1974-07-18T00:00:03.546755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 44188.52830188679
Detected event residuals: 1.0296190460077602e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 295867
Time of highest point in 10-min moving average (seconds): 44659.16981132075
No description has been provided for this image
Highest point in the -5000 index range:
Index: 294130
Time (seconds): 44396.981132075474
Amplitude: 2.3758518547973053e-17
No description has been provided for this image
orginal time:  43500.0
Detected event time (seconds): 43646.03773584906
Detected event residual: 5.573701614420308e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1974-10-14T00:00:00.996000Z - 1974-10-15T00:00:03.562038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1974-10-14T00:00:00.996000Z
         endtime: 1974-10-15T00:00:03.562038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 64047.3962264151
Detected event residuals: 1.668799271985257e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 427981
Time of highest point in 10-min moving average (seconds): 64600.90566037736
No description has been provided for this image
Highest point in the -5000 index range:
Index: 424070
Time (seconds): 64010.56603773585
Amplitude: 6.499111146767822e-17
No description has been provided for this image
orginal time:  63780.0
Detected event time (seconds): 63285.735849056604
Detected event residual: 6.756660867828905e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1975-04-12T00:00:00.187000Z - 1975-04-13T00:00:03.507755Z | 6.6 Hz, 572423 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1975-04-12T00:00:00.187000Z
         endtime: 1975-04-13T00:00:03.507755Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572423
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 66183.54716981133
Detected event residuals: 1.789161763608222e-15
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 442415
Time of highest point in 10-min moving average (seconds): 66779.62264150943
No description has been provided for this image
Highest point in the -5000 index range:
Index: 439139
Time (seconds): 66285.1320754717
Amplitude: 6.430578057509327e-15
No description has been provided for this image
orginal time:  65700.0
Detected event time (seconds): 65858.56603773584
Detected event residual: 7.234565350160084e-18
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1975-05-04T00:00:00.457000Z - 1975-05-05T00:00:03.023038Z | 6.6 Hz, 572418 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1975-05-04T00:00:00.457000Z
         endtime: 1975-05-05T00:00:03.023038Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572418
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 36818.11320754717
Detected event residuals: 1.0495608379923985e-14
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 251715
Time of highest point in 10-min moving average (seconds): 37994.71698113208
No description has been provided for this image
Highest point in the -5000 index range:
Index: 248051
Time (seconds): 37441.660377358494
Amplitude: 1.7867247061592995e-14
No description has been provided for this image
orginal time:  36300.0
Detected event time (seconds): 36687.24528301887
Detected event residual: 2.0641211907450912e-15
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1975-06-24T00:00:00.239000Z - 1975-06-25T00:00:01.748434Z | 6.6 Hz, 572411 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1975-06-24T00:00:00.239000Z
         endtime: 1975-06-25T00:00:01.748434Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572411
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 8033.509433962264
Detected event residuals: 2.302387625446862e-17
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 387004
Time of highest point in 10-min moving average (seconds): 58415.698113207545
No description has been provided for this image
Highest point in the -5000 index range:
Index: 383523
Time (seconds): 57890.264150943396
Amplitude: 4.974952576963017e-17
No description has been provided for this image
orginal time:  57780.0
Detected event time (seconds): 57136.301886792455
Detected event residual: 7.900373672834822e-20
No description has been provided for this image
C:\Users\tanuj\anaconda3\lib\site-packages\obspy\signal\filter.py:62: UserWarning: Selected high corner frequency (10.0) of bandpass is at or above Nyquist (3.3125). Applying a high-pass instead.
  warnings.warn(msg)
No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.
1 Trace(s) in Stream:
XA.S12.00.MHZ | 1975-06-26T00:00:00.542000Z - 1975-06-27T00:00:01.447660Z | 6.6 Hz, 572407 samples
         network: XA
         station: S12
        location: 00
         channel: MHZ
       starttime: 1975-06-26T00:00:00.542000Z
         endtime: 1975-06-27T00:00:01.447660Z
   sampling_rate: 6.625
           delta: 0.1509433962264151
            npts: 572407
           calib: 1.0
         _format: MSEED
           mseed: AttribDict({'dataquality': 'D', 'number_of_records': 1136, 'encoding': 'FLOAT64', 'byteorder': '>', 'record_length': 4096, 'filesize': 4653056})
No description has been provided for this image
Detected event times (seconds): 13131.77358490566
Detected event residuals: 6.447896341134119e-18
No description has been provided for this image
No description has been provided for this image
Index of highest point in 10-min moving average: 92099
Time of highest point in 10-min moving average (seconds): 13901.735849056604
No description has been provided for this image
Highest point in the -5000 index range:
Index: 90536
Time (seconds): 13665.811320754718
Amplitude: 1.0877440548117823e-17
No description has been provided for this image
orginal time:  12240.0
Detected event time (seconds): 12911.245283018869
Detected event residual: 2.150444492889839e-19
No description has been provided for this image
In [ ]: